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

a(int) - Method in class org.nd4j.graph.FlatProperties
 
a(FlatArray, int) - Method in class org.nd4j.graph.FlatProperties
 
ABORTED_VALUE - Static variable in enum org.tensorflow.framework.Code
The operation was aborted, typically due to a concurrency issue like sequencer check failures, transaction aborts, etc.
abs(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
abs(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise absolute value operation: out = abs(x)
abs(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise absolute value operation: out = abs(x)
Abs - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Abs elementwise function
Abs(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
Abs() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
Abs(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
Abs(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
abs(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Abs function
abs(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Abs function
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
 
absoluteDifference(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
absoluteDifference(String, SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Absolute difference loss: {@code sum_i abs( label[i] - predictions[i] )
absoluteDifference(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
AbsoluteDifferenceLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Absolute difference loss
AbsoluteDifferenceLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.AbsoluteDifferenceLoss
 
AbsoluteDifferenceLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.AbsoluteDifferenceLoss
 
AbsoluteDifferenceLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Absolute difference loss backprop
AbsoluteDifferenceLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.AbsoluteDifferenceLossBp
 
AbsoluteDifferenceLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.AbsoluteDifferenceLossBp
 
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
 
AbstractSession<T,O> - Class in org.nd4j.autodiff.samediff.internal
Additional functionality to add: - Workspaces support - Proper cache support
AbstractSession(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.internal.AbstractSession
 
AbstractSession.FrameIter - Class in org.nd4j.autodiff.samediff.internal
 
AbstractSession.VarId - Class in org.nd4j.autodiff.samediff.internal
 
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
 
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
accuracy() - Method in class org.nd4j.evaluation.classification.Evaluation
Accuracy: (TP + TN) / (P + N)
accuracy(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the accuracy for the specified output
acos(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
acos(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise acos (arccosine, inverse cosine) operation: out = arccos(x)
acos(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise acos (arccosine, inverse cosine) operation: out = arccos(x)
ACos - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Log elementwise function
ACos(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
ACos() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
ACos(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
ACos(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
 
acosh(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
acosh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise acosh (inverse hyperbolic cosine) function: out = acosh(x)
acosh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise acosh (inverse hyperbolic cosine) function: out = acosh(x)
ACosh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
ACosh elementwise function
ACosh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
ACosh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
ACosh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
ACosh(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
ACosh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
activateFrame(String, boolean) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method triggers frame state
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
 
ActivationGELU - Class in org.nd4j.linalg.activations.impl
GELU activation function - Gaussian Error Linear Units
ActivationGELU(boolean) - Constructor for class org.nd4j.linalg.activations.impl.ActivationGELU
 
ActivationGELU() - Constructor for class org.nd4j.linalg.activations.impl.ActivationGELU
 
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
 
ActivationPReLU - Class in org.nd4j.linalg.activations.impl
/** Parametrized Rectified Linear Unit (PReLU) f(x) = alpha * x for x < 0, f(x) = x for x >= 0 alpha has the same shape as x and is a learned parameter.
ActivationPReLU(INDArray) - Constructor for class org.nd4j.linalg.activations.impl.ActivationPReLU
 
ActivationPReLU(INDArray, long[]) - Constructor for class org.nd4j.linalg.activations.impl.ActivationPReLU
 
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
 
ActivationReLU6 - Class in org.nd4j.linalg.activations.impl
f(x) = min(max(input, cutoff), 6)
ActivationReLU6() - Constructor for class org.nd4j.linalg.activations.impl.ActivationReLU6
 
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
 
ActivationSwish - Class in org.nd4j.linalg.activations.impl
f(x) = x * sigmoid(x)
ActivationSwish() - Constructor for class org.nd4j.linalg.activations.impl.ActivationSwish
 
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
 
ActivationThresholdedReLU - Class in org.nd4j.linalg.activations.impl
Thresholded RELU f(x) = x for x > theta, f(x) = 0 otherwise.
ActivationThresholdedReLU() - Constructor for class org.nd4j.linalg.activations.impl.ActivationThresholdedReLU
 
ActivationThresholdedReLU(double) - Constructor for class org.nd4j.linalg.activations.impl.ActivationThresholdedReLU
 
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(double) - Constructor for class org.nd4j.linalg.learning.config.AdaGrad
 
AdaGrad(double, double) - Constructor for class org.nd4j.linalg.learning.config.AdaGrad
 
AdaGrad(ISchedule) - Constructor for class org.nd4j.linalg.learning.config.AdaGrad
 
AdaGrad(ISchedule, double) - 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) - Constructor for class org.nd4j.linalg.learning.config.Adam
 
Adam(ISchedule) - 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(double) - Constructor for class org.nd4j.linalg.learning.config.AdaMax
 
AdaMax(ISchedule) - Constructor for class org.nd4j.linalg.learning.config.AdaMax
 
AdaMax(double, double, double, double) - 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(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
add(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
add(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
add(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Scalar addition: out = this + scalar
Output variable has the same shape as the input variable
add(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
add(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Addition operation: elementwise this + x
If this and x variables have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if this and x have different shapes and are broadcastable, the output shape is broadcast.
add(T, T) - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Increments the entry specified by actual and predicted by one.
add(T, T, int) - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Increments the entry specified by actual and predicted by count.
add(ConfusionMatrix<T>) - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Adds the entries from another confusion matrix to this one.
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
add(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
add(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
add(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(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
add(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast add op.
add(int, double) - Method in class org.nd4j.linalg.schedule.MapSchedule.Builder
Add a single point to the map schedule.
add(X) - Method in class org.nd4j.list.BaseNDArrayList
 
add(int, X) - Method in class org.nd4j.list.BaseNDArrayList
 
add(X) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
add(int, X) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
add(Double) - Method in class org.nd4j.list.NDArrayList
 
add(int, Double) - Method in class org.nd4j.list.NDArrayList
 
ADD_NAME - Static variable in class org.nd4j.graph.UIEventType
 
addA(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
addAll(Collection<? extends X>) - Method in class org.nd4j.list.BaseNDArrayList
 
addAll(int, Collection<? extends X>) - Method in class org.nd4j.list.BaseNDArrayList
 
addAll(Collection<? extends X>) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
addAll(int, Collection<? extends X>) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
addAll(Collection<? extends Double>) - Method in class org.nd4j.list.NDArrayList
 
addAll(int, Collection<? extends Double>) - Method in class org.nd4j.list.NDArrayList
 
addAllAllocationRecords(Iterable<? extends AllocationRecord>) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
addAllArgOrder(Iterable<String>) - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
addAllAssetFileDef(Iterable<? extends AssetFileDef>) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
addAllAttr(Iterable<? extends ApiDef.Attr>) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
addAllAttr(Iterable<? extends OpDef.AttrDef>) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
addAllAttribute(Iterable<? extends OnnxMlProto3.AttributeProto>) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
addAllAttribute(Iterable<? extends OnnxProto3.AttributeProto>) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
addAllAttributes(Iterable<? extends CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor>) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
addAllB(Iterable<? extends Boolean>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(bool)"
addAllBadConsumers(Iterable<? extends Integer>) - Method in class org.tensorflow.framework.VersionDef.Builder
Specific consumer versions which are disallowed (e.g.
addAllBoolVal(Iterable<? extends Boolean>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_BOOL
addAllBucket(Iterable<? extends Double>) - Method in class org.tensorflow.framework.HistogramProto.Builder
repeated double bucket = 7 [packed = true];
addAllBucketLimit(Iterable<? extends Double>) - Method in class org.tensorflow.framework.HistogramProto.Builder
Parallel arrays encoding the bucket boundaries and the bucket values.
addAllChildren(Iterable<? extends CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference>) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
addAllConstNodeInfo(Iterable<? extends GraphTransferConstNodeInfo>) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
addAllConstraint(Iterable<? extends KernelDef.AttrConstraint>) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
addAllContainer(Iterable<String>) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
addAllContainer(Iterable<String>) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
addAllControlInput(Iterable<? extends Integer>) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Ids of the control inputs for this node.
addAllControlOpIds(Iterable<? extends Long>) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
addAllCustomOptimizers(Iterable<? extends RewriterConfig.CustomGraphOptimizer>) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
addAllDcomplexVal(Iterable<? extends Double>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX128.
addAllDebugOps(Iterable<String>) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
addAllDebugTensorWatchOpts(Iterable<? extends DebugTensorWatch>) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
addAllDebugUrls(Iterable<String>) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
addAllDefaultGraphInputTensorShape(Iterable<? extends RemoteFusedGraphExecuteInfo.TensorShapeTypeProto>) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
addAllDefaultGraphOutputTensorShape(Iterable<? extends RemoteFusedGraphExecuteInfo.TensorShapeTypeProto>) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
addAllDeviceAttributes(Iterable<? extends DeviceAttributes>) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
addAllDeviceAttributes(Iterable<? extends DeviceAttributes>) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
addAllDeviceFilters(Iterable<String>) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
addAllDeviceFilters(Iterable<String>) - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
addAllDeviceName(Iterable<String>) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
addAllDeviceName(Iterable<String>) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
addAllDevicePersistentTensorAllocIds(Iterable<? extends Long>) - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
addAllDevStats(Iterable<? extends DeviceStepStats>) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
addAllDim(Iterable<? extends OnnxMlProto3.TensorShapeProto.Dimension>) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addAllDim(Iterable<? extends OnnxProto3.TensorShapeProto.Dimension>) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addAllDim(Iterable<? extends TensorShapeProto.Dim>) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
addAllDims(Iterable<? extends Long>) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The shape of the tensor.
addAllDims(Iterable<? extends Long>) - Method in class onnx.OnnxProto3.TensorProto.Builder
The shape of the tensor.
addAllDoubleData(Iterable<? extends Double>) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addAllDoubleData(Iterable<? extends Double>) - Method in class onnx.OnnxProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addAllDoubleVal(Iterable<? extends Double>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_DOUBLE.
addAllEnableOp(Iterable<String>) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
addAllEndpoint(Iterable<? extends ApiDef.Endpoint>) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
addAllEnqueueOpName(Iterable<String>) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
addAllExtent(Iterable<? extends TensorSliceProto.Extent>) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
addAllF(Iterable<? extends Float>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(float)"
addAllFeed(Iterable<String>) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
addAllFeed(Iterable<? extends TensorProto>) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
addAllFeed(Iterable<? extends NamedTensorProto>) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
addAllFeed(Iterable<String>) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
addAllFetch(Iterable<String>) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
addAllFetch(Iterable<? extends TensorProto>) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
addAllFetch(Iterable<String>) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
addAllFetch(Iterable<String>) - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
addAllFetchStepId(Iterable<? extends Long>) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
When set, requests all saved log data pertaining to the step.
addAllFloatData(Iterable<? extends Float>) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addAllFloatData(Iterable<? extends Float>) - Method in class onnx.OnnxProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addAllFloats(Iterable<? extends Float>) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of floats
addAllFloats(Iterable<? extends Float>) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of floats
addAllFloatVal(Iterable<? extends Float>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_FLOAT.
addAllFullShape(Iterable<? extends Long>) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of the full variable.
addAllFunc(Iterable<? extends NameAttrList>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
addAllFunction(Iterable<? extends FunctionDef>) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
addAllGradient(Iterable<? extends GradientDef>) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
addAllGraphInputNodeInfo(Iterable<? extends GraphTransferGraphInputNodeInfo>) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
addAllGraphInputNodeName(Iterable<String>) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
addAllGraphKey(Iterable<? extends Long>) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
repeated int64 graph_key = 1;
addAllGraphOutputNodeInfo(Iterable<? extends GraphTransferGraphOutputNodeInfo>) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
addAllGraphOutputNodeName(Iterable<String>) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
addAllGraphs(Iterable<? extends OnnxMlProto3.GraphProto>) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
addAllGraphs(Iterable<? extends OnnxProto3.GraphProto>) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
addAllHalfVal(Iterable<? extends Integer>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_HALF, DT_BFLOAT16.
addAllHostMemoryArg(Iterable<String>) - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
addAllI(Iterable<? extends Long>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(int)"
addAllInArg(Iterable<? extends ApiDef.Arg>) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
addAllInitializer(Iterable<? extends OnnxMlProto3.TensorProto>) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addAllInitializer(Iterable<? extends OnnxProto3.TensorProto>) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addAllInput(Iterable<? extends OnnxMlProto3.ValueInfoProto>) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
addAllInput(Iterable<String>) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
addAllInput(Iterable<? extends OnnxProto3.ValueInfoProto>) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
addAllInput(Iterable<String>) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
addAllInput(Iterable<String>) - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
addAllInputArg(Iterable<? extends OpDef.ArgDef>) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
addAllInputInfo(Iterable<? extends CostGraphDef.Node.InputInfo>) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
addAllInputs(Iterable<? extends EagerServiceOuterClass.RemoteTensorHandle>) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
addAllInt32Data(Iterable<? extends Integer>) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
addAllInt32Data(Iterable<? extends Integer>) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
addAllInt64Data(Iterable<? extends Long>) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int64.
addAllInt64Data(Iterable<? extends Long>) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int64.
addAllInt64Val(Iterable<? extends Long>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT64
addAllInts(Iterable<? extends Long>) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of ints
addAllInts(Iterable<? extends Long>) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of ints
addAllIntVal(Iterable<? extends Integer>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
addAllJob(Iterable<? extends JobDef>) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
addAllKeys(Iterable<String>) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
addAllLines(Iterable<String>) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
addAllLink(Iterable<? extends InterconnectLink>) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
addAllLocalDevice(Iterable<? extends DeviceAttributes>) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
addAllLoopEnterNames(Iterable<String>) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
addAllLoopExitNames(Iterable<String>) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
addAllMaxByteSize(Iterable<? extends Integer>) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
repeated int32 max_byte_size = 2;
addAllMemory(Iterable<? extends AllocatorMemoryUsed>) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
addAllMemoryLimitMb(Iterable<? extends Float>) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
Per "virtual" device memory limit, in MB.
addAllMetadataProps(Iterable<? extends OnnxMlProto3.StringStringEntryProto>) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addAllMetadataProps(Iterable<? extends OnnxProto3.StringStringEntryProto>) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addAllMetaGraphs(Iterable<? extends MetaGraphDef>) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
addAllNestedContexts(Iterable<? extends ControlFlowContextDef>) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
addAllNestedContexts(Iterable<? extends ControlFlowContextDef>) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
addAllNode(Iterable<? extends OnnxMlProto3.NodeProto>) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
addAllNode(Iterable<? extends OnnxProto3.NodeProto>) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
addAllNode(Iterable<? extends CostGraphDef.Node>) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
addAllNode(Iterable<? extends NodeDef>) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
addAllNodeDef(Iterable<? extends NodeDef>) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
addAllNodeInfo(Iterable<? extends GraphTransferNodeInfo>) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
addAllNodeInput(Iterable<? extends GraphTransferNodeInput>) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
addAllNodeInputInfo(Iterable<? extends GraphTransferNodeInputInfo>) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
addAllNodeOutputInfo(Iterable<? extends GraphTransferNodeOutputInfo>) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
addAllNodes(Iterable<? extends CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject>) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
addAllNodeStats(Iterable<? extends NodeExecStats>) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
addAllocationRecords(AllocationRecord) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
addAllocationRecords(int, AllocationRecord) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
addAllocationRecords(AllocationRecord.Builder) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
addAllocationRecords(int, AllocationRecord.Builder) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
addAllocationRecordsBuilder() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
addAllocationRecordsBuilder(int) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
addAllOp(Iterable<? extends ApiDef>) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
addAllOp(Iterable<? extends OpDef>) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
addAllOperator(Iterable<? extends OnnxOperatorsProto3.OperatorProto>) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
addAllOpId(Iterable<? extends Long>) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
Ids to wait on.
addAllOpsetImport(Iterable<? extends OnnxMlProto3.OperatorSetIdProto>) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
addAllOpsetImport(Iterable<? extends OnnxProto3.OperatorSetIdProto>) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
addAllOptimizers(Iterable<String>) - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
addAllOutArg(Iterable<? extends ApiDef.Arg>) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
addAllOutput(Iterable<? extends OnnxMlProto3.ValueInfoProto>) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addAllOutput(Iterable<String>) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
addAllOutput(Iterable<? extends OnnxProto3.ValueInfoProto>) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addAllOutput(Iterable<String>) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
addAllOutput(Iterable<? extends NodeOutput>) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
addAllOutputArg(Iterable<? extends OpDef.ArgDef>) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
addAllOutputInfo(Iterable<? extends CostGraphDef.Node.OutputInfo>) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
addAllPartitionGraph(Iterable<? extends GraphDef>) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
addAllPartitionGraphs(Iterable<? extends GraphDef>) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
addAllPersistentTensorAllocIds(Iterable<? extends Long>) - Method in class org.tensorflow.framework.MemoryStats.Builder
repeated int64 persistent_tensor_alloc_ids = 5;
addAllQueue(Iterable<? extends EagerServiceOuterClass.QueueItem>) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
addAllQueueClosedExceptionTypes(Iterable<? extends Code>) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
addAllQueueClosedExceptionTypesValue(Iterable<Integer>) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
addAllRecv(Iterable<? extends NamedTensorProto>) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
addAllRecvKey(Iterable<String>) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
addAllReferencedTensor(Iterable<? extends AllocationDescription>) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
addAllRemoteDevice(Iterable<? extends DeviceAttributes>) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
addAllResourceHandleVal(Iterable<? extends ResourceHandleProto>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
addAllS(Iterable<? extends ByteString>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(string)"
addAllScomplexVal(Iterable<? extends Float>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX64.
addAllSend(Iterable<? extends NamedTensorProto>) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
addAllSessionInterOpThreadPool(Iterable<? extends ThreadPoolOptionProto>) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
addAllShape(Iterable<? extends TensorShapeProto>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
addAllShape(Iterable<? extends Long>) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
repeated int64 shape = 3;
addAllShape(Iterable<? extends Long>) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
repeated int64 shape = 2;
addAllShape(Iterable<? extends Long>) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
repeated int64 shape = 2;
addAllSlices(Iterable<? extends TensorSliceProto>) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
addAllSlotVariables(Iterable<? extends CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference>) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
addAllSourceFiles(Iterable<? extends DebuggedSourceFile>) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
addAllStep(Iterable<? extends LabeledStepStats>) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
addAllStepSequence(Iterable<? extends StepSequence>) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
addAllStringData(Iterable<? extends ByteString>) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For strings.
addAllStringData(Iterable<? extends ByteString>) - Method in class onnx.OnnxProto3.TensorProto.Builder
For strings.
addAllStrings(Iterable<? extends ByteString>) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of UTF-8 strings
addAllStrings(Iterable<? extends ByteString>) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of UTF-8 strings
addAllStringVal(Iterable<? extends ByteString>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_STRING
addAllSubdivOffset(Iterable<? extends Integer>) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
repeated int32 subdiv_offset = 9;
addAllTags(Iterable<String>) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
addAllTarget(Iterable<String>) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
addAllTarget(Iterable<String>) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
addAllTarget(Iterable<String>) - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
addAllTaskName(Iterable<String>) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
addAllTensor(Iterable<? extends NamedTensorProto>) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
addAllTensor(Iterable<? extends TensorProto>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
addAllTensorConnection(Iterable<? extends TensorConnection>) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
addAllTensors(Iterable<? extends OnnxMlProto3.TensorProto>) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
addAllTensors(Iterable<? extends OnnxProto3.TensorProto>) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
addAllTensors(Iterable<? extends TensorProto>) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
addAllType(Iterable<? extends DataType>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
addAllTypeValue(Iterable<Integer>) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
addAllUint32Val(Iterable<? extends Integer>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT32
addAllUint64Data(Iterable<? extends Long>) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
addAllUint64Data(Iterable<? extends Long>) - Method in class onnx.OnnxProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
addAllUint64Val(Iterable<? extends Long>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT64
addAllValue(Iterable<? extends Any>) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
addAllValue(Iterable<? extends ByteString>) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
repeated bytes value = 1;
addAllValue(Iterable<? extends Float>) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
repeated float value = 1 [packed = true];
addAllValue(Iterable<? extends Long>) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
repeated int64 value = 1 [packed = true];
addAllValue(Iterable<String>) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
addAllValue(Iterable<? extends Summary.Value>) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
addAllValueInfo(Iterable<? extends OnnxMlProto3.ValueInfoProto>) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
addAllValueInfo(Iterable<? extends OnnxProto3.ValueInfoProto>) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
addAllValues(Iterable<String>) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
addAllVariantVal(Iterable<? extends VariantTensorDataProto>) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
addAllVarOffset(Iterable<? extends Long>) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Offset of this variable into the full variable.
addAllVarShape(Iterable<? extends Long>) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of this variable.
addAllVirtualDevices(Iterable<? extends GPUOptions.Experimental.VirtualDevices>) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
addArgOrder(String) - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
addArgOrderBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.BaseLoss
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.LogPoissonLossBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SigmoidCrossEntropyLossBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SoftmaxCrossEntropyLossBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.LogPoissonLoss
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.SigmoidCrossEntropyLoss
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.CumProdBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.CumSumBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.DynamicPartitionBp
 
addArgs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
addArgs() - Method in class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
addArgsFor(String[], DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Adds incoming arguments for the specified differential function to the graph
addArgsFor(SDVariable[], DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Adds incoming arguments for the specified differential function to the graph
addArgument(String, INDArray) - Method in class org.nd4j.autodiff.execution.input.Operands
This method allows to pass array to the node identified by its name
addArgument(int, INDArray) - Method in class org.nd4j.autodiff.execution.input.Operands
This method allows to pass array to the node identified by numeric id
addArgument(int, int, INDArray) - Method in class org.nd4j.autodiff.execution.input.Operands
This method allows to pass array to multi-output node in the graph
addArgument(String, int, int, INDArray) - Method in class org.nd4j.autodiff.execution.input.Operands
This method allows to pass array to multi-output node in the graph
addAssetFileDef(AssetFileDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
addAssetFileDef(int, AssetFileDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
addAssetFileDef(AssetFileDef.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
addAssetFileDef(int, AssetFileDef.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
addAssetFileDefBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
addAssetFileDefBuilder(int) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
addAttr(ApiDef.Attr) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
addAttr(int, ApiDef.Attr) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
addAttr(ApiDef.Attr.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
addAttr(int, ApiDef.Attr.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
addAttr(OpDef.AttrDef) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
addAttr(int, OpDef.AttrDef) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
addAttr(OpDef.AttrDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
addAttr(int, OpDef.AttrDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
addAttrBuilder() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
addAttrBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
addAttrBuilder() - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
addAttrBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
addAttribute(OnnxMlProto3.AttributeProto) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
addAttribute(int, OnnxMlProto3.AttributeProto) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
addAttribute(OnnxMlProto3.AttributeProto.Builder) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
addAttribute(int, OnnxMlProto3.AttributeProto.Builder) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
addAttribute(OnnxProto3.AttributeProto) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
addAttribute(int, OnnxProto3.AttributeProto) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
addAttribute(OnnxProto3.AttributeProto.Builder) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
addAttribute(int, OnnxProto3.AttributeProto.Builder) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
addAttributeBuilder() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
addAttributeBuilder(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
addAttributeBuilder() - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
addAttributeBuilder(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
addAttributes(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
addAttributes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
addAttributes(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
addAttributes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
addAttributesBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
addAttributesBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
addB(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
addB(boolean) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(bool)"
addBadConsumers(int) - Method in class org.tensorflow.framework.VersionDef.Builder
Specific consumer versions which are disallowed (e.g.
addBArgument(boolean...) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
addBArgument(boolean...) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
addBArgument(boolean...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
addBArgument(boolean...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
addBArgument(boolean...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
addBinlabels(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIHistogram
 
addBinranges(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIHistogram
 
addBitmask(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addBooleanArguments(boolean...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
This method takes arbitrary number of Integer arguments for op, Note that this ACCUMULATES arguments.
addBoolVal(boolean) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_BOOL
addBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
AddBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Addition backprop operation.
AddBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.AddBpOp
 
AddBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.AddBpOp
 
addBucket(double) - Method in class org.tensorflow.framework.HistogramProto.Builder
repeated double bucket = 7 [packed = true];
addBucketLimit(double) - Method in class org.tensorflow.framework.HistogramProto.Builder
Parallel arrays encoding the bucket boundaries and the bucket values.
addBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArray
 
addByteOrder(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatArray
 
addChildren(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
addChildren(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
addChildren(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
addChildren(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
addChildrenBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
addChildrenBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
addColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
addColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
addColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Addition of a column vector (copy)
addConfiguration(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
addConfiguration(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
addConstantValue(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addConstNodeInfo(GraphTransferConstNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
addConstNodeInfo(int, GraphTransferConstNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
addConstNodeInfo(GraphTransferConstNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
addConstNodeInfo(int, GraphTransferConstNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
addConstNodeInfoBuilder() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
addConstNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
addConstraint(KernelDef.AttrConstraint) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
addConstraint(int, KernelDef.AttrConstraint) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
addConstraint(KernelDef.AttrConstraint.Builder) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
addConstraint(int, KernelDef.AttrConstraint.Builder) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
addConstraintBuilder() - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
addConstraintBuilder(int) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
addContainer(String) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
addContainer(String) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
addContainerBytes(ByteString) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
addContainerBytes(ByteString) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
addControlDependency(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Add a control dependency for this variable on the specified variable.
Control depnedencies can be used to enforce the execution order.
addControlDeps(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
addControlDeps(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addControlDepsForOp(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addControlDepsForVar(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addControlInput(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Ids of the control inputs for this node.
addControlOpIds(long) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
addCountinf(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addCountnan(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addCountnegative(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addCountpositive(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addCountzero(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addCustomOptimizers(RewriterConfig.CustomGraphOptimizer) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
addCustomOptimizers(int, RewriterConfig.CustomGraphOptimizer) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
addCustomOptimizers(RewriterConfig.CustomGraphOptimizer.Builder) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
addCustomOptimizers(int, RewriterConfig.CustomGraphOptimizer.Builder) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
addCustomOptimizersBuilder() - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
addCustomOptimizersBuilder(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
addD(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
addDatatype(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.UIVariable
 
addDcomplexVal(double) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX128.
addDebugOps(String) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
addDebugOpsBytes(ByteString) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
addDebugTensorWatchOpts(DebugTensorWatch) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
addDebugTensorWatchOpts(int, DebugTensorWatch) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
addDebugTensorWatchOpts(DebugTensorWatch.Builder) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
addDebugTensorWatchOpts(int, DebugTensorWatch.Builder) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
addDebugTensorWatchOptsBuilder() - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
addDebugTensorWatchOptsBuilder(int) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
addDebugUrls(String) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
addDebugUrlsBytes(ByteString) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
addDefaultGraphInputTensorShape(RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
addDefaultGraphInputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
addDefaultGraphInputTensorShape(RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
addDefaultGraphInputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
addDefaultGraphInputTensorShapeBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
addDefaultGraphInputTensorShapeBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
addDefaultGraphOutputTensorShape(RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
addDefaultGraphOutputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
addDefaultGraphOutputTensorShape(RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
addDefaultGraphOutputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
addDefaultGraphOutputTensorShapeBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
addDefaultGraphOutputTensorShapeBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
addDevice(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addDevice(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
addDeviceAttributes(DeviceAttributes) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
addDeviceAttributes(int, DeviceAttributes) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
addDeviceAttributes(DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
addDeviceAttributes(int, DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
addDeviceAttributes(DeviceAttributes) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
addDeviceAttributes(int, DeviceAttributes) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
addDeviceAttributes(DeviceAttributes.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
addDeviceAttributes(int, DeviceAttributes.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
addDeviceAttributesBuilder() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
addDeviceAttributesBuilder(int) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
addDeviceAttributesBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
addDeviceAttributesBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
addDeviceFilters(String) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
addDeviceFilters(String) - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
addDeviceFiltersBytes(ByteString) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
addDeviceFiltersBytes(ByteString) - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
addDeviceName(String) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
addDeviceName(String) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
addDeviceNameBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
addDeviceNameBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
addDevicePersistentTensorAllocIds(long) - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
addDevStats(DeviceStepStats) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
addDevStats(int, DeviceStepStats) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
addDevStats(DeviceStepStats.Builder) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
addDevStats(int, DeviceStepStats.Builder) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
addDevStatsBuilder() - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
addDevStatsBuilder(int) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
addDim(OnnxMlProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(int, OnnxMlProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(OnnxMlProto3.TensorShapeProto.Dimension.Builder) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(int, OnnxMlProto3.TensorShapeProto.Dimension.Builder) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(OnnxProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(int, OnnxProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(OnnxProto3.TensorShapeProto.Dimension.Builder) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(int, OnnxProto3.TensorShapeProto.Dimension.Builder) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDim(TensorShapeProto.Dim) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
addDim(int, TensorShapeProto.Dim) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
addDim(TensorShapeProto.Dim.Builder) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
addDim(int, TensorShapeProto.Dim.Builder) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
addDimBuilder() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDimBuilder(int) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDimBuilder() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDimBuilder(int) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
addDimBuilder() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
addDimBuilder(int) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
addDimensions(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addDims(long) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The shape of the tensor.
addDims(long) - Method in class onnx.OnnxProto3.TensorProto.Builder
The shape of the tensor.
addDirection(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatConfiguration
 
addDoubleData(double) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addDoubleData(double) - Method in class onnx.OnnxProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addDoubleVal(double) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_DOUBLE.
addDtype(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatArray
 
addDtype(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatVariable
 
addDummyTensor(String, Map<String, OnnxProto3.TypeProto.Tensor>) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
addedEdges - Variable in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
addEnableOp(String) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
addEnableOpBytes(ByteString) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
addEndpoint(ApiDef.Endpoint) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
addEndpoint(int, ApiDef.Endpoint) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
addEndpoint(ApiDef.Endpoint.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
addEndpoint(int, ApiDef.Endpoint.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
addEndpointBuilder() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
addEndpointBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
addEnqueueOpName(String) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
addEnqueueOpNameBytes(ByteString) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
addEpoch(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIEvent
 
addEventType(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.UIEvent
 
addExecutionMode(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatConfiguration
 
addExtent(TensorSliceProto.Extent) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
addExtent(int, TensorSliceProto.Extent) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
addExtent(TensorSliceProto.Extent.Builder) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
addExtent(int, TensorSliceProto.Extent.Builder) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
addExtentBuilder() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
addExtentBuilder(int) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
addExtraBools(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addExtraInteger(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addExtraParams(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addF(float) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(float)"
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
addFeed(String) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
addFeed(TensorProto) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
addFeed(int, TensorProto) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
addFeed(TensorProto.Builder) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
addFeed(int, TensorProto.Builder) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
addFeed(NamedTensorProto) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
addFeed(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
addFeed(NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
addFeed(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
addFeed(String) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
addFeedBuilder() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
addFeedBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
addFeedBuilder() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
addFeedBuilder(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
addFeedBytes(ByteString) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
addFeedBytes(ByteString) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
addFetch(String) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
addFetch(TensorProto) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
addFetch(int, TensorProto) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
addFetch(TensorProto.Builder) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
addFetch(int, TensorProto.Builder) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
addFetch(String) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
addFetch(String) - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
addFetchBuilder() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
addFetchBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
addFetchBytes(ByteString) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
addFetchBytes(ByteString) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
addFetchBytes(ByteString) - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
addFetchStepId(long) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
When set, requests all saved log data pertaining to the step.
addFirst(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.IntPair
 
addFirst(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.IntTriple
 
addFirst(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.LongPair
 
addFirst(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.LongTriple
 
addFloatData(float) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addFloatData(float) - Method in class onnx.OnnxProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
addFloatingPointArguments(Double...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
This method takes arbitrary number of Double arguments for op, Note that this ACCUMULATES arguments.
addFloats(float) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of floats
addFloats(float) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of floats
addFloatVal(float) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_FLOAT.
addFootprintBackward(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatConfiguration
 
addFootprintBackward(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatResult
 
addFootprintForward(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatConfiguration
 
addFootprintForward(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatResult
 
addFrame(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FrameIteration
 
addFrameIter(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIEvent
 
addFullShape(long) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of the full variable.
addFunc(NameAttrList) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
addFunc(int, NameAttrList) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
addFunc(NameAttrList.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
addFunc(int, NameAttrList.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
addFuncBuilder() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
addFuncBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
addFunction(FunctionDef) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
addFunction(int, FunctionDef) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
addFunction(FunctionDef.Builder) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
addFunction(int, FunctionDef.Builder) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
addFunctionBuilder() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
addFunctionBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
addGpuMemory(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIHardwareState
 
addGradient(GradientDef) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
addGradient(int, GradientDef) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
addGradient(GradientDef.Builder) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
addGradient(int, GradientDef.Builder) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
addGradientBuilder() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
addGradientBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
addGradientVariable(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addGraphInputNodeInfo(GraphTransferGraphInputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
addGraphInputNodeInfo(int, GraphTransferGraphInputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
addGraphInputNodeInfo(GraphTransferGraphInputNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
addGraphInputNodeInfo(int, GraphTransferGraphInputNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
addGraphInputNodeInfoBuilder() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
addGraphInputNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
addGraphInputNodeName(String) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
addGraphInputNodeNameBytes(ByteString) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
addGraphKey(long) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
repeated int64 graph_key = 1;
addGraphOutputNodeInfo(GraphTransferGraphOutputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
addGraphOutputNodeInfo(int, GraphTransferGraphOutputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
addGraphOutputNodeInfo(GraphTransferGraphOutputNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
addGraphOutputNodeInfo(int, GraphTransferGraphOutputNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
addGraphOutputNodeInfoBuilder() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
addGraphOutputNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
addGraphOutputNodeName(String) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
addGraphOutputNodeNameBytes(ByteString) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
addGraphs(OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
addGraphs(int, OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
addGraphs(OnnxMlProto3.GraphProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
addGraphs(int, OnnxMlProto3.GraphProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
addGraphs(OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
addGraphs(int, OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
addGraphs(OnnxProto3.GraphProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
addGraphs(int, OnnxProto3.GraphProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
addGraphsBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
addGraphsBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
addGraphsBuilder() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
addGraphsBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
addHalfVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_HALF, DT_BFLOAT16.
addHostMemory(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UIHardwareState
 
addHostMemoryArg(String) - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
addHostMemoryArgBytes(ByteString) - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
addi(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
addi(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
addi(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
addi(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
addi(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
addi(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
addI(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
addi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
addi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
addi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(long) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(int)"
addIArgument(int...) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
addIArgument(long...) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
addIArgument(int...) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
addIArgument(long...) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
addIArgument(int...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
addIArgument(long...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
addIArgument(int...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
addIArgument(long...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
addIArgument(int...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
addIArgument(long...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
addIArgument(int...) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
addiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
addiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
addiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place addition of a column vector
addId(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatConfiguration
 
addId(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatDropRequest
 
addId(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatGraph
 
addId(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
addId(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addId(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatResult
 
addId(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatTiming
 
addId(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
addId(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addInArg(ApiDef.Arg) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
addInArg(int, ApiDef.Arg) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
addInArg(ApiDef.Arg.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
addInArg(int, ApiDef.Arg.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
addInArgBuilder() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
addInArgBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
addInfoType(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.UIStaticInfoRecord
 
addInitializer(OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializer(int, OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializer(OnnxMlProto3.TensorProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializer(int, OnnxMlProto3.TensorProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializer(OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializer(int, OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializer(OnnxProto3.TensorProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializer(int, OnnxProto3.TensorProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializerBuilder() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializerBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializerBuilder() - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInitializerBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
addInput(OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(int, OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(int, OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
addInput(OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(int, OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(int, OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInput(String) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
addInput(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addInput(String) - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
addInputArg(OpDef.ArgDef) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
addInputArg(int, OpDef.ArgDef) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
addInputArg(OpDef.ArgDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
addInputArg(int, OpDef.ArgDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
addInputArgBuilder() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
addInputArgBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
addInputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
addInputArgument(INDArray...) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
addInputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
addInputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
addInputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
addInputBuilder() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInputBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInputBuilder() - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInputBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
addInputBytes(ByteString) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
addInputBytes(ByteString) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
addInputBytes(ByteString) - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
addInputInfo(CostGraphDef.Node.InputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
addInputInfo(int, CostGraphDef.Node.InputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
addInputInfo(CostGraphDef.Node.InputInfo.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
addInputInfo(int, CostGraphDef.Node.InputInfo.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
addInputInfoBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
addInputInfoBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
addInputPaired(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addInputs(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
addInputs(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
addInputs(INDArray...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
This method takes arbitrary number of input INDArrays in, as Op input Note that this ACCUMULATES arguments.
addInputs(INDArray...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.SameDiffBuilder
 
addInputs(DifferentialFunction...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.SameDiffBuilder
 
addInputs(EagerServiceOuterClass.RemoteTensorHandle) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
addInputs(int, EagerServiceOuterClass.RemoteTensorHandle) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
addInputs(EagerServiceOuterClass.RemoteTensorHandle.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
addInputs(int, EagerServiceOuterClass.RemoteTensorHandle.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
addInputsBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
addInputsBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
addInputsForOp(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addInputsPair(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
addInt32Data(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
addInt32Data(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
addInt64Data(long) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int64.
addInt64Data(long) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int64.
addInt64Val(long) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT64
addIntegerArguments(List<Integer>) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
This method takes arbitrary number of Integer arguments for op, Note that this ACCUMULATES arguments.
addIntegerArguments(long) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
This method takes arbitrary number of Integer arguments for op, Note that this ACCUMULATES arguments.
addIntegerArguments(int...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
This method takes arbitrary number of Integer arguments for op, Note that this ACCUMULATES arguments.
addInts(long) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of ints
addInts(long) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of ints
addIntVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
addiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
addiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
addiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place addition of a row vector
addIteration(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FrameIteration
 
addIteration(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIEvent
 
addJob(JobDef) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
addJob(int, JobDef) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
addJob(JobDef.Builder) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
addJob(int, JobDef.Builder) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
addJobBuilder() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
addJobBuilder(int) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
addKeys(String) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
addKeysBytes(ByteString) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
addL(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
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
addLines(String) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
addLinesBytes(ByteString) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
addLink(InterconnectLink) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
addLink(int, InterconnectLink) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
addLink(InterconnectLink.Builder) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
addLink(int, InterconnectLink.Builder) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
addLinkBuilder() - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
addLinkBuilder(int) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
addList(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArrayList
 
addListener(OpProfiler.OpProfilerListener) - Method in class org.nd4j.linalg.profiler.OpProfiler
dd the listener to the profiler
addLocalDevice(DeviceAttributes) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
addLocalDevice(int, DeviceAttributes) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
addLocalDevice(DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
addLocalDevice(int, DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
addLocalDeviceBuilder() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
addLocalDeviceBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
addLoopEnterNames(String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
addLoopEnterNamesBytes(ByteString) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
addLoopExitNames(String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
addLoopExitNamesBytes(ByteString) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
addLossVariable(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Mark the specified variable as a loss function variable.
addLossVariables(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
addMax(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addMaxByteSize(int) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
repeated int32 max_byte_size = 2;
addMean(FlatBufferBuilder, double) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addMemory(AllocatorMemoryUsed) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
addMemory(int, AllocatorMemoryUsed) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
addMemory(AllocatorMemoryUsed.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
addMemory(int, AllocatorMemoryUsed.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
addMemoryBuilder() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
addMemoryBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
addMemoryLimitMb(float) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
Per "virtual" device memory limit, in MB.
addMemoryTransaction(int, long, long) - Method in class org.nd4j.linalg.api.ops.performance.PerformanceTracker
This method stores bandwidth used for given transaction.
addMemoryTransaction(int, long, long, MemcpyDirection) - Method in class org.nd4j.linalg.api.ops.performance.PerformanceTracker
This method stores bandwidth used for given transaction.
addMetadataProps(OnnxMlProto3.StringStringEntryProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataProps(int, OnnxMlProto3.StringStringEntryProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataProps(OnnxMlProto3.StringStringEntryProto.Builder) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataProps(int, OnnxMlProto3.StringStringEntryProto.Builder) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataProps(OnnxProto3.StringStringEntryProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataProps(int, OnnxProto3.StringStringEntryProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataProps(OnnxProto3.StringStringEntryProto.Builder) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataProps(int, OnnxProto3.StringStringEntryProto.Builder) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataPropsBuilder() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataPropsBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataPropsBuilder() - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetadataPropsBuilder(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
addMetaGraphs(MetaGraphDef) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
addMetaGraphs(int, MetaGraphDef) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
addMetaGraphs(MetaGraphDef.Builder) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
addMetaGraphs(int, MetaGraphDef.Builder) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
addMetaGraphsBuilder() - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
addMetaGraphsBuilder(int) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
addMin(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addModule(Module) - Method in class org.nd4j.linalg.api.ops.BaseModule
 
addModule(Module) - Method in interface org.nd4j.linalg.api.ops.Module
 
addName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
addName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatTiming
 
addName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
addName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIAddName
 
addName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
addName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addNameIdx(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIAddName
 
addNameIdx(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIEvent
 
addNdarray(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
addNestedContexts(ControlFlowContextDef) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContexts(int, ControlFlowContextDef) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContexts(ControlFlowContextDef.Builder) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContexts(int, ControlFlowContextDef.Builder) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContexts(ControlFlowContextDef) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContexts(int, ControlFlowContextDef) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContexts(ControlFlowContextDef.Builder) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContexts(int, ControlFlowContextDef.Builder) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContextsBuilder() - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContextsBuilder(int) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContextsBuilder() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
addNestedContextsBuilder(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
addNode(OnnxMlProto3.NodeProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
addNode(int, OnnxMlProto3.NodeProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
addNode(OnnxMlProto3.NodeProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
addNode(int, OnnxMlProto3.NodeProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
addNode(OnnxProto3.NodeProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
addNode(int, OnnxProto3.NodeProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
addNode(OnnxProto3.NodeProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
addNode(int, OnnxProto3.NodeProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
addNode(CostGraphDef.Node) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
addNode(int, CostGraphDef.Node) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
addNode(CostGraphDef.Node.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
addNode(int, CostGraphDef.Node.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
addNode(NodeDef) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
addNode(int, NodeDef) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
addNode(NodeDef.Builder) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
addNode(int, NodeDef.Builder) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
addNodeBuilder() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
addNodeBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
addNodeBuilder() - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
addNodeBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
addNodeBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
addNodeBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
addNodeBuilder() - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
addNodeBuilder(int) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
addNodeDef(NodeDef) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
addNodeDef(int, NodeDef) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
addNodeDef(NodeDef.Builder) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
addNodeDef(int, NodeDef.Builder) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
addNodeDefBuilder() - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
addNodeDefBuilder(int) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
addNodeInfo(GraphTransferNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
addNodeInfo(int, GraphTransferNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
addNodeInfo(GraphTransferNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
addNodeInfo(int, GraphTransferNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
addNodeInfoBuilder() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
addNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
addNodeInput(GraphTransferNodeInput) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
addNodeInput(int, GraphTransferNodeInput) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
addNodeInput(GraphTransferNodeInput.Builder) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
addNodeInput(int, GraphTransferNodeInput.Builder) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
addNodeInputBuilder() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
addNodeInputBuilder(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
addNodeInputInfo(GraphTransferNodeInputInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
addNodeInputInfo(int, GraphTransferNodeInputInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
addNodeInputInfo(GraphTransferNodeInputInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
addNodeInputInfo(int, GraphTransferNodeInputInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
addNodeInputInfoBuilder() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
addNodeInputInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
addNodeOutputInfo(GraphTransferNodeOutputInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
addNodeOutputInfo(int, GraphTransferNodeOutputInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
addNodeOutputInfo(GraphTransferNodeOutputInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
addNodeOutputInfo(int, GraphTransferNodeOutputInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
addNodeOutputInfoBuilder() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
addNodeOutputInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
addNodes(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
addNodes(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
addNodes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
addNodes(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
addNodes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
addNodesBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
addNodesBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
addNodeStats(NodeExecStats) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
addNodeStats(int, NodeExecStats) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
addNodeStats(NodeExecStats.Builder) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
addNodeStats(int, NodeExecStats.Builder) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
addNodeStatsBuilder() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
addNodeStatsBuilder(int) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
addNumbins(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UIHistogram
 
AddOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Addition operation
AddOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
AddOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
AddOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
addOp(ApiDef) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
addOp(int, ApiDef) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
addOp(ApiDef.Builder) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
addOp(int, ApiDef.Builder) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
addOp(OpDef) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
addOp(int, OpDef) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
addOp(OpDef.Builder) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
addOp(int, OpDef.Builder) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
addOpBuilder() - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
addOpBuilder(int) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
addOpBuilder() - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
addOpBuilder(int) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
addOperator(OnnxOperatorsProto3.OperatorProto) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
addOperator(int, OnnxOperatorsProto3.OperatorProto) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
addOperator(OnnxOperatorsProto3.OperatorProto.Builder) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
addOperator(int, OnnxOperatorsProto3.OperatorProto.Builder) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
addOperatorBuilder() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
addOperatorBuilder(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
addOpId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
Ids to wait on.
addOpName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addOpName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
addOpNum(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatNode
 
addOps(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
addOpsetImport(OnnxMlProto3.OperatorSetIdProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImport(int, OnnxMlProto3.OperatorSetIdProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImport(OnnxMlProto3.OperatorSetIdProto.Builder) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImport(int, OnnxMlProto3.OperatorSetIdProto.Builder) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImport(OnnxProto3.OperatorSetIdProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImport(int, OnnxProto3.OperatorSetIdProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImport(OnnxProto3.OperatorSetIdProto.Builder) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImport(int, OnnxProto3.OperatorSetIdProto.Builder) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImportBuilder() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImportBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImportBuilder() - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOpsetImportBuilder(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
addOptimizers(String) - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
addOptimizersBytes(ByteString) - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
addOpType(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatNode
 
addOrUpdate(long[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Add a new element in the ndarray or update the value if there is already a non-null element at this position
addOutArg(ApiDef.Arg) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
addOutArg(int, ApiDef.Arg) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
addOutArg(ApiDef.Arg.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
addOutArg(int, ApiDef.Arg.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
addOutArgBuilder() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
addOutArgBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
addOutgoingFor(SDVariable[], DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Adds outgoing arguments to the graph for the specified DifferentialFunction Also checks for input arguments and updates the graph adding an appropriate edge when the full graph is declared.
addOutgoingFor(String[], DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Adds outgoing arguments to the graph for the specified DifferentialFunction Also checks for input arguments and updates the graph adding an appropriate edge when the full graph is declared.
addOutput(OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(int, OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(int, OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
addOutput(OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(int, OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(int, OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutput(String) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
addOutput(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addOutput(NodeOutput) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
addOutput(int, NodeOutput) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
addOutput(NodeOutput.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
addOutput(int, NodeOutput.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
addOutputArg(OpDef.ArgDef) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
addOutputArg(int, OpDef.ArgDef) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
addOutputArg(OpDef.ArgDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
addOutputArg(int, OpDef.ArgDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
addOutputArgBuilder() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
addOutputArgBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
addOutputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
addOutputArgument(INDArray...) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
addOutputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
addOutputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
addOutputArgument(INDArray...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
addOutputBuilder() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutputBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutputBuilder() - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutputBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
addOutputBuilder() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
addOutputBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
addOutputBytes(ByteString) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
addOutputBytes(ByteString) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
addOutputInfo(CostGraphDef.Node.OutputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
addOutputInfo(int, CostGraphDef.Node.OutputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
addOutputInfo(CostGraphDef.Node.OutputInfo.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
addOutputInfo(int, CostGraphDef.Node.OutputInfo.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
addOutputInfoBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
addOutputInfoBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
addOutputMode(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatConfiguration
 
addOutputNames(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addOutputOfOp(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addOutputs(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
addOutputs(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
addOutputs(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
addOutputs(INDArray...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
This method takes arbitrary number of output INDArrays in, to store operation result Note that this ACCUMULATES arguments.
addOutputs(INDArray...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.SameDiffBuilder
 
addOutputs(DifferentialFunction...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.SameDiffBuilder
 
addOutputShape(LongShapeDescriptor) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
Adds an oup
addOutputTypes(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addPartitionGraph(GraphDef) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
addPartitionGraph(int, GraphDef) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
addPartitionGraph(GraphDef.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
addPartitionGraph(int, GraphDef.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
addPartitionGraphBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
addPartitionGraphBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
addPartitionGraphs(GraphDef) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
addPartitionGraphs(int, GraphDef) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
addPartitionGraphs(GraphDef.Builder) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
addPartitionGraphs(int, GraphDef.Builder) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
addPartitionGraphsBuilder() - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
addPartitionGraphsBuilder(int) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
addPersistentTensorAllocIds(long) - Method in class org.tensorflow.framework.MemoryStats.Builder
repeated int64 persistent_tensor_alloc_ids = 5;
addPhysicalCores(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UISystemInfo
 
addPlaceholders(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
addPlugin(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIEvent
 
addProfilingMode(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatConfiguration
 
addProperties(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addPropertyToResolve(DifferentialFunction, String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Adds a property that needs to be resolve for later.
addQueue(EagerServiceOuterClass.QueueItem) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
addQueue(int, EagerServiceOuterClass.QueueItem) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
addQueue(EagerServiceOuterClass.QueueItem.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
addQueue(int, EagerServiceOuterClass.QueueItem.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
addQueueBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
addQueueBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
addQueueClosedExceptionTypes(Code) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
addQueueClosedExceptionTypesValue(int) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
addRecv(NamedTensorProto) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
addRecv(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
addRecv(NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
addRecv(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
addRecvBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
addRecvBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
addRecvKey(String) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
addRecvKeyBytes(ByteString) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
addReferencedTensor(AllocationDescription) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
addReferencedTensor(int, AllocationDescription) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
addReferencedTensor(AllocationDescription.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
addReferencedTensor(int, AllocationDescription.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
addReferencedTensorBuilder() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
addReferencedTensorBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
addRegularization(Regularization...) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Add regularization to all trainable parameters in the network
addRemoteDevice(DeviceAttributes) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
addRemoteDevice(int, DeviceAttributes) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
addRemoteDevice(DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
addRemoteDevice(int, DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
addRemoteDeviceBuilder() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
addRemoteDeviceBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AttrValue.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GradientDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.KernelDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NodeDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpList.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RunOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SavedModel.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.StepStats.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.VariableDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.VersionDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.SaverDef.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
addRepeatedField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
addResourceHandleVal(ResourceHandleProto) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
addResourceHandleVal(int, ResourceHandleProto) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
addResourceHandleVal(ResourceHandleProto.Builder) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
addResourceHandleVal(int, ResourceHandleProto.Builder) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
addResourceHandleValBuilder() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
addResourceHandleValBuilder(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
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.ndarray.BaseNDArray
In place addition of a column vector
addRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
addRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Addition of a row vector (copy)
addS(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
addS(ByteString) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(string)"
addScalar(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addScomplexVal(float) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX64.
addScopeId(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addScopeName(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
addSecond(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.IntPair
 
addSecond(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.IntTriple
 
addSecond(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.LongPair
 
addSecond(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.LongTriple
 
addSend(NamedTensorProto) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
addSend(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
addSend(NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
addSend(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
addSendBuilder() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
addSendBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
addSessionInterOpThreadPool(ThreadPoolOptionProto) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
addSessionInterOpThreadPool(int, ThreadPoolOptionProto) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
addSessionInterOpThreadPool(ThreadPoolOptionProto.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
addSessionInterOpThreadPool(int, ThreadPoolOptionProto.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
addSessionInterOpThreadPoolBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
addSessionInterOpThreadPoolBuilder(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
addShape(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArray
 
addShape(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
addShape(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
addShape(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addShape(TensorShapeProto) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
addShape(int, TensorShapeProto) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
addShape(TensorShapeProto.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
addShape(int, TensorShapeProto.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
addShape(long) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
repeated int64 shape = 3;
addShape(long) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
repeated int64 shape = 2;
addShape(long) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
repeated int64 shape = 2;
addShapeBuilder() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
addShapeBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
addSlices(TensorSliceProto) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
addSlices(int, TensorSliceProto) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
addSlices(TensorSliceProto.Builder) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
addSlices(int, TensorSliceProto.Builder) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
addSlicesBuilder() - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
addSlicesBuilder(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
addSlotVariables(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
addSlotVariables(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
addSlotVariables(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
addSlotVariables(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
addSlotVariablesBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
addSlotVariablesBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
addSourceFiles(DebuggedSourceFile) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
addSourceFiles(int, DebuggedSourceFile) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
addSourceFiles(DebuggedSourceFile.Builder) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
addSourceFiles(int, DebuggedSourceFile.Builder) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
addSourceFilesBuilder() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
addSourceFilesBuilder(int) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
addStatus(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResponse
 
addStdev(FlatBufferBuilder, double) - Static method in class org.nd4j.graph.UISummaryStatistics
 
addStep(LabeledStepStats) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
addStep(int, LabeledStepStats) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
addStep(LabeledStepStats.Builder) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
addStep(int, LabeledStepStats.Builder) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
addStepBuilder() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
addStepBuilder(int) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
addStepSequence(StepSequence) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
addStepSequence(int, StepSequence) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
addStepSequence(StepSequence.Builder) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
addStepSequence(int, StepSequence.Builder) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
addStepSequenceBuilder() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
addStepSequenceBuilder(int) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
addStrategy(NormalizerSerializerStrategy) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.NormalizerSerializer
Add a normalizer serializer strategy
addStringData(ByteString) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For strings.
addStringData(ByteString) - Method in class onnx.OnnxProto3.TensorProto.Builder
For strings.
addStrings(ByteString) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of UTF-8 strings
addStrings(ByteString) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of UTF-8 strings
addStringVal(ByteString) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_STRING
addSubdivOffset(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
repeated int32 subdiv_offset = 9;
addTags(String) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
addTagsBytes(ByteString) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
addTarget(String) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
addTarget(String) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
addTarget(String) - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
addTargetBytes(ByteString) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
addTargetBytes(ByteString) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
addTargetBytes(ByteString) - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
addTArgument(double...) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
addTArgument(double...) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
addTArgument(double...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
addTArgument(double...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
addTArgument(double...) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
addTaskName(String) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
addTaskNameBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
addTensor(NamedTensorProto) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
addTensor(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
addTensor(NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
addTensor(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
addTensor(TensorProto) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
addTensor(int, TensorProto) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
addTensor(TensorProto.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
addTensor(int, TensorProto.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
addTensorBuilder() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
addTensorBuilder(int) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
addTensorBuilder() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
addTensorBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
addTensorConnection(TensorConnection) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
addTensorConnection(int, TensorConnection) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
addTensorConnection(TensorConnection.Builder) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
addTensorConnection(int, TensorConnection.Builder) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
addTensorConnectionBuilder() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
addTensorConnectionBuilder(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
addTensors(OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
addTensors(int, OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
addTensors(OnnxMlProto3.TensorProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
addTensors(int, OnnxMlProto3.TensorProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
addTensors(OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
addTensors(int, OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
addTensors(OnnxProto3.TensorProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
addTensors(int, OnnxProto3.TensorProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
addTensors(TensorProto) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
addTensors(int, TensorProto) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
addTensors(TensorProto.Builder) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
addTensors(int, TensorProto.Builder) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
addTensorsBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
addTensorsBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
addTensorsBuilder() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
addTensorsBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
addTensorsBuilder() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
addTensorsBuilder(int) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
addThird(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.IntTriple
 
addThird(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.LongTriple
 
addTime(long) - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
addTimestamp(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.UIEvent
 
addTimestats(FlatBufferBuilder, boolean) - Static method in class org.nd4j.graph.FlatConfiguration
 
addTiming(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResult
 
addTiming(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatTiming
 
addToConfusion(Integer, Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
Adds to the confusion matrix
addToExecInputs(boolean, AbstractSession.VarId, AbstractSession.VarId) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
This method is used to record that the specified input is required for calculating the specified output.
addType(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.UIHistogram
 
addType(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.UIVariable
 
addType(DataType) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
addTypeValue(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
addUiLabelExtra(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
addUiLabelExtra(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
addUint32Val(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT32
addUint64Data(long) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
addUint64Data(long) - Method in class onnx.OnnxProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
addUint64Val(long) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT64
addValue(MemcpyDirection, Long) - Method in class org.nd4j.linalg.api.ops.performance.primitives.AveragingTransactionsHolder
 
addValue(Any) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
addValue(int, Any) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
addValue(Any.Builder) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
addValue(int, Any.Builder) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
addValue(ByteString) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
repeated bytes value = 1;
addValue(float) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
repeated float value = 1 [packed = true];
addValue(long) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
repeated int64 value = 1 [packed = true];
addValue(String) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
addValue(Summary.Value) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
addValue(int, Summary.Value) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
addValue(Summary.Value.Builder) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
addValue(int, Summary.Value.Builder) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
addValueBuilder() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
addValueBuilder(int) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
addValueBuilder() - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
addValueBuilder(int) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
addValueBytes(ByteString) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
addValueInfo(OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfo(int, OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfo(OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfo(int, OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfo(OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfo(int, OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfo(OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfo(int, OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfoBuilder() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfoBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfoBuilder() - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
addValueInfoBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
addValues(String) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
addValuesBytes(ByteString) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
addVariable(SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Add the specified variable to this SameDiff instance
addVariableId(FlatBufferBuilder, short) - Static method in class org.nd4j.graph.UIEvent
 
addVariableMappingForField(DifferentialFunction, String, String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Adds a field name -> variable name mapping for a given function.
This is used for model import where there is an unresolved variable at the time of calling any GraphMapper.importGraph(File) .
addVariables(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
addVariables(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
addVariables(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResult
 
addVariables(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
addVariabletype(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.FlatVariable
 
addVariantVal(VariantTensorDataProto) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
addVariantVal(int, VariantTensorDataProto) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
addVariantVal(VariantTensorDataProto.Builder) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
addVariantVal(int, VariantTensorDataProto.Builder) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
addVariantValBuilder() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
addVariantValBuilder(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
addVarOffset(long) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Offset of this variable into the full variable.
addVarShape(long) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of this variable.
addVirtualDevices(GPUOptions.Experimental.VirtualDevices) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
addVirtualDevices(int, GPUOptions.Experimental.VirtualDevices) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
addVirtualDevices(GPUOptions.Experimental.VirtualDevices.Builder) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
addVirtualDevices(int, GPUOptions.Experimental.VirtualDevices.Builder) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
addVirtualDevicesBuilder() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
addVirtualDevicesBuilder(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
addY(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIHistogram
 
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
 
aggregateOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
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
AGGREGATION - Static variable in class org.nd4j.graph.OpType
 
AGGRESSIVE_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.Toggle
Enable some aggressive optimizations that use assumptions that TF graphs may break.
aLength() - Method in class org.nd4j.graph.FlatProperties
 
ALIAS_INPUT_PORT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
alignCorners - Variable in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
all(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
all() - Static method in class org.nd4j.autodiff.samediff.SDIndex
 
all() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
all() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
all() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
all() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks if all elements within this array are non-zero (or true, in case of boolean)
All - Class in org.nd4j.linalg.api.ops.impl.reduce.bool
Boolean AND accumulation
All(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.All
 
All() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.All
 
All(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.All
 
all() - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Represents collecting all elements
ALL_END_REL_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
ALL_START_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
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
 
allData - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
allEuclideanDistances(INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
allFalse() - Static method in class org.nd4j.linalg.api.blas.params.MMulTranspose
Returns the default transpose where all are false
allFor(INDArray) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generate an all index equal to the rank of the given array
allFunctionsInSubgraph() - Method in class org.nd4j.autodiff.samediff.transform.SubGraph
 
allInputsAvailable(int, String[], AbstractSession.VarId) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
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, DataType, boolean) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method does allocation from a given Workspace
alloc(long, MemoryKind, DataType, boolean) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method does allocation from a given Workspace
alloc(long, DataType, boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
alloc(long, MemoryKind, DataType, boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
ALLOC_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationRecord
 
ALLOC_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationRecord
 
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
ALLOCATED_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationDescription
 
allocatedMemory(Integer) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method returns number of bytes allocated on specified device
allocateOutputArrays(CustomOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
allocateOutputArrays(CustomOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Equivalent to calli
allocateWithSize(int) - Method in class org.nd4j.list.BaseNDArrayList
Allocates the container and this list with the given size
ALLOCATION_DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorDescription
 
ALLOCATION_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationDescription
 
ALLOCATION_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawAllocation
 
ALLOCATION_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawDeallocation
 
ALLOCATION_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
ALLOCATION_RECORDS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocatorMemoryUsed
 
AllocationDescription - Class in org.tensorflow.framework
Protobuf type tensorflow.AllocationDescription
AllocationDescription.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.AllocationDescription
AllocationDescriptionOrBuilder - Interface in org.tensorflow.framework
 
AllocationDescriptionProtos - Class in org.tensorflow.framework
 
AllocationRecord - Class in org.tensorflow.framework
An allocation/de-allocation operation performed by the allocator.
AllocationRecord.Builder - Class in org.tensorflow.framework
An allocation/de-allocation operation performed by the allocator.
AllocationRecordOrBuilder - Interface in org.tensorflow.framework
 
ALLOCATOR_BYTES_IN_USE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocatorMemoryUsed
 
ALLOCATOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationDescription
 
ALLOCATOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocatorMemoryUsed
 
ALLOCATOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawAllocation
 
ALLOCATOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawDeallocation
 
ALLOCATOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
ALLOCATOR_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
AllocatorMemoryUsed - Class in org.tensorflow.framework
Protobuf type tensorflow.AllocatorMemoryUsed
AllocatorMemoryUsed.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.AllocatorMemoryUsed
AllocatorMemoryUsedOrBuilder - Interface in org.tensorflow.framework
 
allOpenWorkspaces() - Static method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
ALLOW_GROWTH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
ALLOW_SOFT_PLACEMENT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
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
 
ALLOWED_VALUES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.KernelDef.AttrConstraint
 
ALLOWED_VALUES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.AttrDef
 
ALLOWS_UNINITIALIZED_INPUT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
allowsSpecifyOrdering() - Static method in class org.nd4j.linalg.factory.Nd4j
Backend specific: Returns whether specifying the order for the blas impl is allowed (cblas)
AlphaDropOut - Class in org.nd4j.linalg.api.ops.random.impl
AlphaDropOut implementation as Op
AlphaDropOut() - Constructor for class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
AlphaDropOut(INDArray, double, double, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
AlphaDropOut(INDArray, INDArray, double, double, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
ALREADY_EXISTS_VALUE - Static variable in enum org.tensorflow.framework.Code
Some entity that we attempted to create (e.g., file or directory) already exists.
alreadySeen(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
alreadySeen(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
alreadySeen(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
amax(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
amax(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute max array reduction operation, optionally along specified dimensions: out = max(abs(x))
amax(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute max array reduction operation, optionally along specified dimensions: out = max(abs(x))
amax(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amax(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.same
Calculate the absolute max over a vector
AMax(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
AMax(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
AMax(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
AMax() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
AMax(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
AMax - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Calculate the absolute minimum over a vector
AMax(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
AMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
AMax(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
amax(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast absolute max op.
amaxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amaxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
amaxNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns maximum (absolute) value in this INDArray
amean(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
amean(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute mean array reduction operation, optionally along specified dimensions: out = mean(abs(x))
amean(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute mean array reduction operation, optionally along specified dimensions: out = mean(abs(x))
amean(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amean(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.floating
Calculate the absolute mean of the given vector
AMean(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
AMean(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
AMean() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
AMean(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
AMean(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
ameanNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
ameanNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
ameanNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the absolute overall mean of this ndarray
amin(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
amin(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute min array reduction operation, optionally along specified dimensions: out = min(abs(x))
amin(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute min array reduction operation, optionally along specified dimensions: out = min(abs(x))
amin(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
amin(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.same
Calculate the absolute minimum over a vector
AMin(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
AMin(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
AMin() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
AMin(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
AMin(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
AMin - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Calculate the absolute minimum over a vector
AMin(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
AMin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
AMin(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
amin(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast absolute min op.
aminNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
aminNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
aminNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns absolute min value in this INDArray
AMSGrad - Class in org.nd4j.linalg.learning.config
The AMSGrad updater
Reference: On the Convergence of Adam and Beyond - https://openreview.net/forum?id=ryQu7f-RZ
AMSGrad() - Constructor for class org.nd4j.linalg.learning.config.AMSGrad
 
AMSGrad(double) - Constructor for class org.nd4j.linalg.learning.config.AMSGrad
 
AMSGrad(ISchedule) - Constructor for class org.nd4j.linalg.learning.config.AMSGrad
 
AMSGrad(double, double, double, double) - Constructor for class org.nd4j.linalg.learning.config.AMSGrad
 
AMSGrad.Builder - Class in org.nd4j.linalg.learning.config
 
AMSGradUpdater - Class in org.nd4j.linalg.learning
The AMSGrad updater
Reference: On the Convergence of Adam and Beyond - https://openreview.net/forum?id=ryQu7f-RZ
AMSGradUpdater(AMSGrad) - Constructor for class org.nd4j.linalg.learning.AMSGradUpdater
 
and(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
and(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Boolean AND operation: elementwise (x != 0) && (y != 0)
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
and(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Boolean AND operation: elementwise (x != 0) && (y != 0)
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
And - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool
Boolean AND pairwise transform
And(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
And(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
And(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
And() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
And(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
And(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
And(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
And(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.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
 
Angle - Class in org.nd4j.linalg.api.ops.impl.transforms
Angle op for tensorflow import
Given ND4J currently only supports real arrays; hence by definition this always outputs 0
Angle(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Angle
 
Angle() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Angle
 
any(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
any() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
any() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
any() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
any() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks if any of the elements within this array are non-zero (or true, in case of boolean)
Any - Class in org.nd4j.linalg.api.ops.impl.reduce.bool
Boolean AND pairwise transform
Any(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
Any() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
Any(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
ANY_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
ANY_LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef
 
ANY_PANIC - Static variable in class org.nd4j.graph.ProfilingMode
 
anyWorkspaceActiveForCurrentThread() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
ApiDef - Class in org.tensorflow.framework
Used to specify and override the default API & behavior in the generated code for client languages, from what you would get from the OpDef alone.
ApiDef.Arg - Class in org.tensorflow.framework
Protobuf type tensorflow.ApiDef.Arg
ApiDef.Arg.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.ApiDef.Arg
ApiDef.ArgOrBuilder - Interface in org.tensorflow.framework
 
ApiDef.Attr - Class in org.tensorflow.framework
Description of the graph-construction-time configuration of this Op.
ApiDef.Attr.Builder - Class in org.tensorflow.framework
Description of the graph-construction-time configuration of this Op.
ApiDef.AttrOrBuilder - Interface in org.tensorflow.framework
 
ApiDef.Builder - Class in org.tensorflow.framework
Used to specify and override the default API & behavior in the generated code for client languages, from what you would get from the OpDef alone.
ApiDef.Endpoint - Class in org.tensorflow.framework
If you specify any endpoint, this will replace all of the inherited endpoints.
ApiDef.Endpoint.Builder - Class in org.tensorflow.framework
If you specify any endpoint, this will replace all of the inherited endpoints.
ApiDef.EndpointOrBuilder - Interface in org.tensorflow.framework
 
ApiDef.Visibility - Enum in org.tensorflow.framework
Protobuf enum tensorflow.ApiDef.Visibility
ApiDefOrBuilder - Interface in org.tensorflow.framework
 
ApiDefProtos - Class in org.tensorflow.framework
 
ApiDefs - Class in org.tensorflow.framework
Protobuf type tensorflow.ApiDefs
ApiDefs.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.ApiDefs
ApiDefsOrBuilder - Interface in org.tensorflow.framework
 
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(INDArray) - Method in class org.nd4j.autodiff.validation.functions.EqualityFn
 
apply(INDArray) - Method in class org.nd4j.autodiff.validation.functions.RelErrorFn
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterOrEqualsThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueGreaterThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessOrEqualsThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.AbsValueLessThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.And
 
apply(Number) - Method in interface org.nd4j.linalg.indexing.conditions.Condition
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.ConditionEquals
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.EpsilonEquals
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.EqualsCondition
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.GreaterThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.GreaterThanOrEqual
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.IsFinite
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.IsInfinite
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.IsNaN
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.LessThan
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.LessThanOrEqual
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.Not
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.NotEqualsCondition
 
apply(Number) - Method in class org.nd4j.linalg.indexing.conditions.NotFinite
 
apply(Number) - 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
 
apply(INDArray, INDArray, double, int, int) - Method in class org.nd4j.linalg.learning.regularization.L1Regularization
 
apply(INDArray, INDArray, double, int, int) - Method in class org.nd4j.linalg.learning.regularization.L2Regularization
 
apply(INDArray, INDArray, double, int, int) - Method in interface org.nd4j.linalg.learning.regularization.Regularization
Apply the regularization by modifying the gradient array in-place
apply(INDArray, INDArray, double, int, int) - Method in class org.nd4j.linalg.learning.regularization.WeightDecay
 
apply(INDArray, INDArray) - Method in class org.nd4j.linalg.util.ND4JTestUtils.EqualsFn
 
apply(INDArray, INDArray) - Method in class org.nd4j.linalg.util.ND4JTestUtils.EqualsWithEpsFn
 
ApplyGradientDescent - Class in org.nd4j.linalg.api.ops.impl.shape
Reshape function
ApplyGradientDescent() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ApplyGradientDescent
 
applyLR - Variable in class org.nd4j.linalg.learning.regularization.WeightDecay
 
applyMask(INDArray, INDArray) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
A minor shortcut for applying a bitmask to a matrix
applyMask(INDArray, INDArray) - Static method in class org.nd4j.linalg.lossfunctions.LossUtil
 
applyMaskInPlace(INDArray, INDArray) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
A minor shortcut for applying a bitmask to a matrix
applyStep() - Method in class org.nd4j.linalg.learning.regularization.L1Regularization
 
applyStep() - Method in class org.nd4j.linalg.learning.regularization.L2Regularization
 
applyStep() - Method in interface org.nd4j.linalg.learning.regularization.Regularization
 
applyStep() - Method in class org.nd4j.linalg.learning.regularization.WeightDecay
 
applyUpdater(INDArray, int, 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, 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, int) - Method in class org.nd4j.linalg.learning.AdaMaxUpdater
Calculate the update based on the given gradient
applyUpdater(INDArray, int, int) - Method in class org.nd4j.linalg.learning.AdamUpdater
Calculate the update based on the given gradient
applyUpdater(INDArray, int, int) - Method in class org.nd4j.linalg.learning.AMSGradUpdater
 
applyUpdater(INDArray, int, int) - Method in interface org.nd4j.linalg.learning.GradientUpdater
Modify the gradient to be an update.
applyUpdater(INDArray, int, int) - Method in class org.nd4j.linalg.learning.NadamUpdater
Calculate the update based on the given gradient
applyUpdater(INDArray, int, int) - Method in class org.nd4j.linalg.learning.NesterovsUpdater
Get the nesterov update
applyUpdater(INDArray, int, int) - Method in class org.nd4j.linalg.learning.NoOpUpdater
 
applyUpdater(INDArray, int, int) - Method in class org.nd4j.linalg.learning.RmsPropUpdater
 
applyUpdater(INDArray, int, int) - Method in class org.nd4j.linalg.learning.SgdUpdater
 
arange(double, double, double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Array of evenly spaced values.
arange(double, double, double) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a 1D array of evenly spaced values between begin (inclusive) and end (exclusive) with a step size of 1
arange(double, double) - Static method in class org.nd4j.linalg.factory.Nd4j
 
arange(double) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a 1D array of evenly spaced values between 0 (inclusive) and end (exclusive) with a step size of 1
arange(double, double, double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Array of evenly spaced values.
areShapesBroadcastable(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
areShapesBroadcastable(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
arg(int) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Return the specified argument for this function
arg() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Return the first argument
arg() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
ARG_ORDER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
argmax(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
argmax(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Argmax array reduction operation, optionally along specified dimensions.
Output values are the index of the maximum value of each slice along the specified dimension
argmax(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Argmax array reduction operation, optionally along specified dimensions.
Output values are the index of the maximum value of each slice along the specified dimension.

Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
argmax(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
argmax(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Argmax array reduction operation, optionally along specified dimensions.
Output values are the index of the maximum value of each slice along the specified dimension
argmax(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
argmax(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
argmax(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Argmax array reduction operation, optionally along specified dimensions.
Output values are the index of the maximum value of each slice along the specified dimension.

Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
argMax(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns index of highest value along specified dimension(s)
ArgMax - Class in org.nd4j.linalg.api.ops.impl.indexaccum.custom
 
ArgMax() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMax
 
argMax(INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
argmin(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
argmin(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Argmin array reduction operation, optionally along specified dimensions.
Output values are the index of the minimum value of each slice along the specified dimension
argmin(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Argmin array reduction operation, optionally along specified dimensions.
Output values are the index of the minimum value of each slice along the specified dimension
argmin(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Argmin array reduction operation, optionally along specified dimensions.
Output values are the index of the minimum value of each slice along the specified dimension.

Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
argmin(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
argmin(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
argmin(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
argmin(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Argmin array reduction operation, optionally along specified dimensions.
Output values are the index of the minimum value of each slice along the specified dimension.

Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
ArgMin - Class in org.nd4j.linalg.api.ops.impl.indexaccum.custom
ArgMin function
ArgMin() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMin
 
argMin(INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
argNames() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
args() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Return the arguments for a given function
args() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
args() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.GRUCellConfiguration
 
args() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMBlockCellConfiguration
 
args() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMCellConfiguration
 
args() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMConfiguration
 
args() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.SRUCellConfiguration
 
args() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.SRUConfiguration
 
arguments - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
ARITHMETIC_OPTIMIZATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
ARRAY - Static variable in class org.nd4j.graph.UIEventType
 
ARRAY - Static variable in class org.nd4j.graph.VarType
 
array() - Method in class org.nd4j.list.BaseNDArrayList
Get a view of the underlying array relative to the size of the actual array.
array() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
Get a view of the underlying array relative to the size of the actual array.
array() - Method in class org.nd4j.list.NDArrayList
Get a view of the underlying array relative to the size of the actual array.
ARRAY_LIST - Static variable in class org.nd4j.graph.UIEventType
 
arrayAlreadyExistsForVarName(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns true if the given vertex id and INDArray already exist.
ArrayDescriptor - Class in org.nd4j.linalg.cache
This is utility class, made to compare java arrays for caching purposes.
ArrayDescriptor(boolean[], DataType) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
ArrayDescriptor(int[], DataType) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
ArrayDescriptor(float[], DataType) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
ArrayDescriptor(double[], DataType) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
ArrayDescriptor(long[], DataType) - Constructor for class org.nd4j.linalg.cache.ArrayDescriptor
 
arrayInfo(INDArray) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
ArrayOptionsHelper - Class in org.nd4j.linalg.api.shape.options
 
ArrayOptionsHelper() - Constructor for class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
arrayOrdering - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArrayProxy
 
arraysFromBase64(String) - Static method in class org.nd4j.serde.base64.Nd4jBase64
Returns a set of arrays from base 64 that is tab delimited.
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
arraysToBase64(INDArray[]) - Static method in class org.nd4j.serde.base64.Nd4jBase64
Returns a tab delimited base 64 representation of the given arrays
arrayType(long[]) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
ArrayType - Enum in org.nd4j.linalg.api.shape.options
 
asArray() - Method in class org.nd4j.autodiff.execution.input.Operands
This method return operands as array, in order of addition
asCollection() - Method in class org.nd4j.autodiff.execution.input.Operands
This method returns contents of this entity as collection of key->value pairs
asDataType(DataType) - Method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
Return a new LongShapeDescriptor with the same shape, strides, order etc but with the specified datatype instead
asFlatBuffers(ExecutorConfiguration) - Method in class org.nd4j.autodiff.samediff.SameDiff
This method exports the current SameDiff instance into FlatBuffers format, returning the array ops and all arrays as a ByteBuffer containing the FlatBuffers format data
asFlatBuffers(long, ExecutorConfiguration) - Method in class org.nd4j.autodiff.samediff.SameDiff
This method exports the current SameDiff instance into FlatBuffers format, returning the array ops and all arrays as a ByteBuffer containing the FlatBuffers format data
asFlatBuffers() - Method in class org.nd4j.autodiff.samediff.SameDiff
This method exports the current SameDiff instance into FlatBuffers format, returning the array ops and all arrays as a ByteBuffer containing the FlatBuffers format data
asFlatFile(File) - Method in class org.nd4j.autodiff.samediff.SameDiff
This method converts SameDiff instance to FlatBuffers and saves it to file which can be restored later
asFlatFile(File, ExecutorConfiguration) - Method in class org.nd4j.autodiff.samediff.SameDiff
This method converts SameDiff instance to FlatBuffers and saves it to file which can be restored later
asFlatGraph() - Method in class org.nd4j.autodiff.samediff.SameDiff
 
asFlatGraph(long, ExecutorConfiguration) - Method in class org.nd4j.autodiff.samediff.SameDiff
This method returns FlatGraph structure
asFlatNode(String, SameDiff, FlatBufferBuilder) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
asFlatNode(DifferentialFunction, FlatBufferBuilder, List<SDVariable>, Map<String, Integer>, Map<String, Integer>, Map<String, Integer>, AtomicInteger, Integer) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
asFlatPrint() - Method in class org.nd4j.autodiff.samediff.SameDiff
This method returns a text representation of the "flattened" graph.
asin(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
asin(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise asin (arcsin, inverse sine) operation: out = arcsin(x)
asin(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise asin (arcsin, inverse sine) operation: out = arcsin(x)
ASin - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Arcsin elementwise function
ASin(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
ASin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
ASin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
ASin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
 
asinh(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
asinh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise asinh (inverse hyperbolic sine) function: out = asinh(x)
asinh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise asinh (inverse hyperbolic sine) function: out = asinh(x)
ASinh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Arcsin elementwise function
ASinh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
ASinh(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
ASinh(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
ASinh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
ASinh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
ASinh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
SplitV 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
 
asSameDiff(SameDiff, SDVariable) - Method in enum org.nd4j.linalg.activations.Activation
Get the Activation as a SameDiff variable
asSameDiff(String, SameDiff, SDVariable) - Method in enum org.nd4j.linalg.activations.Activation
Get the Activation as a SameDiff variable
Assert - Class in org.nd4j.linalg.api.ops.impl.transforms
Assertion op wrapper
Assert() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Assert
 
assertBroadcastable(INDArray, INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
 
assertBroadcastable(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
assertBroadcastable(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
assertBroadcastable(long[], long[], Class<?>) - Static method in class org.nd4j.linalg.api.shape.Shape
 
assertColumns(INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertConfigValid() - Method in class org.nd4j.autodiff.validation.TestCase
 
assertCurrentWorkspace(T, String) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
assertCurrentWorkspace(T, String) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Assert that the current workspace is the one for the specified array type.
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)
assertNotOpen(T, String) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
assertNotOpen(T, String) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Assert thath the workspace for the specified array type is not open.
assertNoWorkspacesOpen(String) - Static method in class org.nd4j.linalg.workspace.WorkspaceUtils
Assert that no workspaces are currently open
assertNoWorkspacesOpen(String, boolean) - Static method in class org.nd4j.linalg.workspace.WorkspaceUtils
Assert that no workspaces are currently open
assertOpen(T, String) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
assertOpen(T, String) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Assert thath the workspace for the specified array type is open.
assertOpenActiveAndCurrent(String, String) - Static method in class org.nd4j.linalg.workspace.WorkspaceUtils
Assert that the specified workspace is open, active, and is the current workspace
assertOpenAndActive(String, String) - Static method in class org.nd4j.linalg.workspace.WorkspaceUtils
Assert that the specified workspace is open and active
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
assertSameLength(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertSameShape(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertSameShape(INDArray, INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertShape(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
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]
assertShapeLessThan(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
assertSlice(INDArray, long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
assertValidArray(INDArray, String) - Static method in class org.nd4j.linalg.workspace.WorkspaceUtils
Assert that the specified array is valid, in terms of workspaces: i.e., if it is attached (and not in a circular workspace), assert that the workspace is open, and that the data is not from an old generation.
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
assertValidForExecution() - Method in interface org.nd4j.linalg.api.ops.CustomOp
Asserts a valid state for execution, otherwise throws an ND4JIllegalStateException
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.SliceBp
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.StridedSliceBp
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
assertValidForExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
assertValidNum(INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertValidOrder(char) - Static method in class org.nd4j.linalg.api.shape.Shape
 
assertVector(INDArray...) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
assertVector(INDArray) - Static method in class org.nd4j.linalg.util.LinAlgExceptions
 
ASSET_FILE_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef
 
AssetFileDef - Class in org.tensorflow.framework
An asset file def for a single file or a set of sharded files with the same name.
AssetFileDef.Builder - Class in org.tensorflow.framework
An asset file def for a single file or a set of sharded files with the same name.
AssetFileDefOrBuilder - Interface in org.tensorflow.framework
 
assign(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
assign(SDVariable, Number) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
assign(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Assign/copy op: out = x.assign(y).
assign(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Assign/copy op: out = x.assign(y).
assign(SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return an array with equal shape to the input, but all elements set to 'value'
assign(String, SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return an array with equal shape to the input, but all elements set to 'value'
assign(Number) - Method in class org.nd4j.autodiff.samediff.SDVariable
Return a variable with equal shape to the input, but all elements set to the specified value
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
assign(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
assign(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
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
Assign - Class in org.nd4j.linalg.api.ops.impl.transforms.any
Identity function
Assign(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
Assign() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
Assign(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
Assign(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
Assign - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Assign op: x = y, with broadcast as required
Assign() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
Assign(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
Assign(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 comparison for 2 equal-sized matrices, for each element that matches Condition.
associateArrayWithVariable(INDArray, String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Associate the array with the given variable.
associateArrayWithVariable(INDArray, SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Associate the array with the given variable.
associateSameDiffWithOpsAndVariables() - Method in class org.nd4j.autodiff.samediff.SameDiff
Associate the current SameDiff instance with all ops and variables.
asString() - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
asString() - Method in class org.nd4j.linalg.profiler.data.StringCounter
 
asTransform(INDArray, boolean) - Method in enum org.nd4j.linalg.activations.Activation
Get the Activation function as an ND4J Transform, applied on either the input or a copy of the input
asTransformDerivative(INDArray, boolean) - Method in enum org.nd4j.linalg.activations.Activation
Get the Activation function derivative (i.e., dOut/dIn) as an ND4J Transform, applied on either the input or a copy of the input
asum(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
asum(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute sum array reduction operation, optionally along specified dimensions: out = sum(abs(x))
asum(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Absolute sum array reduction operation, optionally along specified dimensions: out = sum(abs(x))
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(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
asum(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
Compute the sum of magnitude of the vector elements
asum(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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(long, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
sum of magnitudes of all elements
ASum - Class in org.nd4j.linalg.api.ops.impl.reduce.same
Absolute sum the components
ASum(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
ASum(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
ASum() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
ASum(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
ASum(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
asum(INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
asum(INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
asum(INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute || x ||_1 (1-norm, sum of absolute values)
ASYNC_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
asyncSupported() - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
atan(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise atan (arctangent, inverse tangent) operation: out = arctangent(x)
atan(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise atan (arctangent, inverse tangent) operation: out = arctangent(x)
ATan - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Arc Tangent elementwise function
ATan(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
ATan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
ATan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
ATan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
 
atan2(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
atan2(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise atan (arctangent, inverse tangent) operation: out = atan2(x,y).
atan2(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise atan (arctangent, inverse tangent) operation: out = atan2(x,y).
ATan2 - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Arc Tangent elementwise function
ATan2(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ATan2
 
ATan2() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ATan2
 
atan2(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Atan2 operation, new INDArray instance will be returned Note the order of x and y parameters is opposite to that of java.lang.Math.atan2
atanh(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
atanh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise atanh (inverse hyperbolic tangent) function: out = atanh(x)
atanh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise atanh (inverse hyperbolic tangent) function: out = atanh(x)
ATanh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
tan elementwise function
ATanh(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
ATanh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
ATanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
ATanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
ATanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
 
attempFromLegacyFromJson(String, IllegalArgumentException) - Static method in class org.nd4j.evaluation.BaseEvaluation
Attempt to load DL4J IEvaluation JSON from 1.0.0-beta2 or earlier.
ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.FunctionDef
 
ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NameAttrList
 
ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeDef
 
ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
ATTRIBUTE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.NodeProto
 
ATTRIBUTE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.NodeProto
 
AttributeAdapter - Interface in org.nd4j.imports.descriptors.properties
Attribute adapter for taking an attribute with an input value and mapping it to the proper output.
attributeAdaptersForFunction() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Returns the AttributeAdapter s for each of the possible ops for import (typically tensorflow and onnx) See AttributeAdapter for more information on what the adapter does.
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
attributeAdaptersForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
ATTRIBUTES_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
ATTRS_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.Operation
 
AttrValue - Class in org.tensorflow.framework
Protocol buffer representing the value for an attr used to configure an Op.
AttrValue.Builder - Class in org.tensorflow.framework
Protocol buffer representing the value for an attr used to configure an Op.
AttrValue.ListValue - Class in org.tensorflow.framework
LINT.IfChange
AttrValue.ListValue.Builder - Class in org.tensorflow.framework
LINT.IfChange
AttrValue.ListValueOrBuilder - Interface in org.tensorflow.framework
 
AttrValue.ValueCase - Enum in org.tensorflow.framework
 
AttrValueOrBuilder - Interface in org.tensorflow.framework
 
AttrValueProtos - Class in org.tensorflow.framework
 
ATYPE_COMPRESSED_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
ATYPE_EMPTY_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
ATYPE_SPARSE_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
AUDIO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
AUTO - Static variable in class org.nd4j.graph.ExecutionMode
 
AUTO_PARALLEL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
autoDecompress(INDArray...) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Decompress several ndarrays
autoDecompress(INDArray) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
AutoParallelOptions - Class in org.tensorflow.framework
Protobuf type tensorflow.AutoParallelOptions
AutoParallelOptions.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.AutoParallelOptions
AutoParallelOptionsOrBuilder - Interface in org.tensorflow.framework
 
autoProcessScalarCall() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
availableForExec - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
availableForExecSet - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
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
averageAccuracy() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
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.
averagecorrelationR2() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
averageF1() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
averageF1NumClassesExcluded() - Method in class org.nd4j.evaluation.classification.Evaluation
When calculating the (macro) average F1, how many classes are excluded from the average due to no predictions – i.e., F1 would be calculated from a precision or recall of 0/0
averageFalseAlarmRate() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Average False Alarm Rate (FAR) (see EvaluationBinary.falseAlarmRate(int)) for all labels.
averageFBetaNumClassesExcluded() - Method in class org.nd4j.evaluation.classification.Evaluation
When calculating the (macro) average FBeta, how many classes are excluded from the average due to no predictions – i.e., FBeta would be calculated from a precision or recall of 0/0
averageLoopTime - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
averageMeanAbsoluteError() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Average MAE across all columns
averageMeanSquaredError() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Average MSE across all columns
averagePearsonCorrelation() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Average Pearson Correlation Coefficient across all columns
averagePrecision() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
averagePrecisionNumClassesExcluded() - Method in class org.nd4j.evaluation.classification.Evaluation
When calculating the (macro) average precision, how many classes are excluded from the average due to no predictions – i.e., precision would be the edge case of 0/0
averageRecall() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
averageRecallNumClassesExcluded() - Method in class org.nd4j.evaluation.classification.Evaluation
When calculating the (macro) average Recall, how many classes are excluded from the average due to no predictions – i.e., recall would be the edge case of 0/0
averagerelativeSquaredError() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Average RSE across all columns
averagerootMeanSquaredError() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Average RMSE across all columns
averageRSquared() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Average R2 across all columns
averagingEnabled - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
AveragingTransactionsHolder - Class in org.nd4j.linalg.api.ops.performance.primitives
 
AveragingTransactionsHolder() - Constructor for class org.nd4j.linalg.api.ops.performance.primitives.AveragingTransactionsHolder
 
avgPooling2d(SDVariable, Pooling2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Average pooling 2d operation.
avgPooling2d(SDVariable, Pooling2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - average pooling 2d
avgPooling2d(String, SDVariable, Pooling2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - average pooling 2d
AvgPooling2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Average Pooling2D operation
AvgPooling2D(SameDiff, SDVariable, INDArray, INDArray, Pooling2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
AvgPooling2D.Pooling2DType - Enum in org.nd4j.linalg.api.ops.impl.layers.convolution
 
avgPooling3d(SDVariable, Pooling3DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Avg pooling 3d operation.
avgPooling3d(SDVariable, Pooling3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
3D convolution layer operation - average pooling 3d
avgPooling3d(String, SDVariable, Pooling3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
3D convolution layer operation - average pooling 3d
AvgPooling3D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Average Pooling3D operation
AvgPooling3D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
AvgPooling3D(SameDiff, SDVariable, INDArray, INDArray, Pooling3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
axis - Variable in class org.nd4j.evaluation.classification.Evaluation
 
axis - Variable in class org.nd4j.evaluation.classification.EvaluationCalibration
 
axis - Variable in class org.nd4j.evaluation.classification.ROC
 
axis - Variable in class org.nd4j.evaluation.classification.ROCBinary
 
axis - Variable in class org.nd4j.evaluation.classification.ROCMultiClass
 
axis - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
axpy(long, 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(long, double, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
axpy(long, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
Adds a scalar multiple of compressed sparse vector to a full-storage vector.
axpy(long, double, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
axpy(long, 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(long, 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 - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Level 1 blas op Axpy as libnd4j native op
Axpy(SameDiff, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
Axpy(SameDiff, SDVariable, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
Axpy(SameDiff, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
Axpy(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
Axpy() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
Axpy(INDArray, INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
Axpy(INDArray, INDArray, INDArray, double, long) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.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(double, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
axpy(float, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
axpy(Number, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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

B

b(int) - Method in class org.nd4j.graph.FlatProperties
 
B_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
B_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
BACK_PROP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
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.ActivationGELU
 
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.ActivationPReLU
 
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.ActivationReLU6
 
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.ActivationSwish
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationTanH
 
backprop(INDArray, INDArray) - Method in class org.nd4j.linalg.activations.impl.ActivationThresholdedReLU
 
BACKWARD_ONLY - Static variable in class org.nd4j.graph.Direction
 
BAD_CONSUMERS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VersionDef
 
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
 
BANDWIDTH_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
bArgs() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
bArgs() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
bArgs() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
bArgs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
bArgs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
bArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
bAsByteBuffer() - Method in class org.nd4j.graph.FlatProperties
 
base64String(INDArray) - Static method in class org.nd4j.serde.base64.Nd4jBase64
Returns an ndarray as base 64
base64StringNumpy(INDArray) - Static method in class org.nd4j.serde.base64.Nd4jBase64
Convert an INDArray to numpy byte array using Nd4j.toNpyByteArray(INDArray)
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
 
BaseArithmeticBackpropOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Base arithmetic backprop operation
BaseArithmeticBackpropOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.BaseArithmeticBackpropOp
 
BaseArithmeticBackpropOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.BaseArithmeticBackpropOp
 
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
 
BaseBroadcastBoolOp - Class in org.nd4j.linalg.api.ops
 
BaseBroadcastBoolOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastBoolOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
BaseBroadcastOp - Class in org.nd4j.linalg.api.ops
 
BaseBroadcastOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseBroadcastOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
BaseCompatOp - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
 
BaseCompatOp(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
BaseCompatOp() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
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
 
BaseConvolution - Class in org.nd4j.linalg.convolution
Base convolution implementation
BaseConvolution() - Constructor for class org.nd4j.linalg.convolution.BaseConvolution
 
BaseConvolutionConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
BaseConvolutionConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.BaseConvolutionConfig
 
BaseCurve - Class in org.nd4j.evaluation.curves
Abstract class for ROC and Precision recall curves
BaseCurve() - Constructor for class org.nd4j.evaluation.curves.BaseCurve
 
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
 
BaseDynamicTransformOp - Class in org.nd4j.linalg.api.ops.impl.transforms
 
BaseDynamicTransformOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.BaseDynamicTransformOp
 
BaseDynamicTransformOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.BaseDynamicTransformOp
 
BaseDynamicTransformOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.BaseDynamicTransformOp
 
BaseEvaluation<T extends BaseEvaluation> - Class in org.nd4j.evaluation
BaseEvaluation implement common evaluation functionality (for time series, etc) for Evaluation, RegressionEvaluation, ROC, ROCMultiClass etc.
BaseEvaluation() - Constructor for class org.nd4j.evaluation.BaseEvaluation
 
BaseGraphMapper<GRAPH_TYPE,NODE_TYPE,ATTR_TYPE,TENSOR_TYPE> - Class in org.nd4j.imports.graphmapper
Base implementation for importing a graph
BaseGraphMapper() - Constructor for class org.nd4j.imports.graphmapper.BaseGraphMapper
 
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
 
BaseHistogram - Class in org.nd4j.evaluation.curves
Created by Alex on 06/07/2017.
BaseHistogram() - Constructor for class org.nd4j.evaluation.curves.BaseHistogram
 
BaseIndexAccumulation - Class in org.nd4j.linalg.api.ops
Index based reduction algo
BaseIndexAccumulation(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseIndexAccumulation(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseIndexAccumulation() - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseIndexAccumulation(INDArray, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
BaseIndexAccumulation(INDArray, INDArray, int[]) - 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
 
BaseLegacyDeserializer<T> - Class in org.nd4j.serde.json
A base deserialization class used to handle deserializing of a specific class given changes from subtype wrapper format to class field format.
That is: from...
{@code @JsonTypeInfo(use = JsonTypeInfo.Id.NAME, include = JsonTypeInfo.As.WRAPPER_OBJECT)}
{@code @JsonSubTypes(value = {@JsonSubTypes.Type(value = LossBinaryXENT.class, name = "BinaryXENT"),}...}

to

{@code @JsonTypeInfo(use = JsonTypeInfo.Id.CLASS, include = JsonTypeInfo.As.PROPERTY, property = "@class")}
BaseLegacyDeserializer() - Constructor for class org.nd4j.serde.json.BaseLegacyDeserializer
 
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
 
BaseLoss - Class in org.nd4j.linalg.api.ops.impl.loss
 
BaseLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.BaseLoss
 
BaseLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.BaseLoss
 
BaseLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
 
BaseLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
BaseLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
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
 
BaseModule - Class in org.nd4j.linalg.api.ops
Abstract base class for Module that handles Dynamic ops and handles nesting.
BaseModule(String, INDArray[], INDArray[], List<Double>, List<Integer>, List<Module>) - Constructor for class org.nd4j.linalg.api.ops.BaseModule
 
BaseModule(String, SameDiff, SDVariable[], boolean, List<Module>) - Constructor for class org.nd4j.linalg.api.ops.BaseModule
 
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(DataBuffer, long[], long[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, long[], long[], long, long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, long[], long[], long, char, DataType) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, long[], long[], long, long, char, DataType) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, long[], long[], char, DataType) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, long[], long[], char, DataType, MemoryWorkspace) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataBuffer, DataType, long[], long[], 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(double[], long[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[], long[], 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(long[], long[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int[], int[], long, char, boolean) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Construct an ndarray of the specified shape.
BaseNDArray(long[], long[], long, char, boolean) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataType, long[], long[], long, char, boolean) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(DataType, long[], long[], long, char, boolean, MemoryWorkspace) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
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(long[], 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(long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(int, int, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Creates a new n times m DoubleMatrix.
BaseNDArray(long, long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(List<INDArray>, int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(List<INDArray>, long[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(List<INDArray>, int[], int[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(List<INDArray>, long[], long[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
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(float[], long[], long[], long, char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(double[], long[], long[], 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, long[]) - 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(DataBuffer, long[], 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[], long[], char) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[], long[], 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(long[], long[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
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(long, long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(List<INDArray>, int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(List<INDArray>, long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(List<INDArray>, int[], int[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
Create an ndarray from the specified slices.
BaseNDArray(List<INDArray>, long[], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
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(double[], long[], long[], long) - Constructor for class org.nd4j.linalg.api.ndarray.BaseNDArray
 
BaseNDArray(float[], long[], long[], 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(DataType, Character) - Constructor for class org.nd4j.linalg.factory.BaseNDArrayFactory
Initialize with the given data opType and ordering The ndarray factory will use this for
BaseNDArrayFactory(DataType, char) - Constructor for class org.nd4j.linalg.factory.BaseNDArrayFactory
 
BaseNDArrayList<X extends Number> - Class in org.nd4j.list
An ArrayList like implementation of List using INDArray as the backing data structure
BaseNDArrayList() - Constructor for class org.nd4j.list.BaseNDArrayList
 
BaseNDArrayList(INDArray) - Constructor for class org.nd4j.list.BaseNDArrayList
Specify the underlying ndarray for this list.
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(SameDiff, boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseOp
 
BaseOp(SameDiff, Object[]) - 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, INDArray) - 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
BaseOpContext - Class in org.nd4j.linalg.api.ops
Implementation of common methods for OpContext
BaseOpContext() - Constructor for class org.nd4j.linalg.api.ops.BaseOpContext
 
BaseRandomOp - Class in org.nd4j.linalg.api.ops.random
 
BaseRandomOp(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
BaseRandomOp(SameDiff, long[]) - Constructor for class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
BaseRandomOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
BaseReduce3Op - Class in org.nd4j.linalg.api.ops.impl.reduce3
Manhattan distance
BaseReduce3Op(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduce3Op(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
BaseReduceBoolOp - Class in org.nd4j.linalg.api.ops
 
BaseReduceBoolOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
BaseReduceBoolOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
BaseReduceBoolOp(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
BaseReduceBoolOp(INDArray, INDArray, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
BaseReduceBoolOp(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
BaseReduceBoolOp(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
BaseReduceBoolOp() - Constructor for class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
BaseReduceFloatOp - Class in org.nd4j.linalg.api.ops
 
BaseReduceFloatOp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceFloatOp() - Constructor for class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
BaseReduceLongOp - Class in org.nd4j.linalg.api.ops
 
BaseReduceLongOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
BaseReduceLongOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
BaseReduceLongOp(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
BaseReduceLongOp(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
BaseReduceLongOp(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
BaseReduceLongOp() - Constructor for class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
BaseReduceOp - Class in org.nd4j.linalg.api.ops
Base class for accumulation, initiates the initial entry with respect to the child class.
BaseReduceOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(SameDiff, SDVariable, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp() - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(INDArray, INDArray, INDArray, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceOp
 
BaseReduceSameOp - Class in org.nd4j.linalg.api.ops
 
BaseReduceSameOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
BaseReduceSameOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
BaseReduceSameOp(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
BaseReduceSameOp(INDArray, INDArray, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
BaseReduceSameOp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
BaseReduceSameOp(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
BaseReduceSameOp() - Constructor for class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
BaseReductionBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
 
BaseReductionBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
BaseReductionBp(SameDiff, SDVariable, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
BaseReductionBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
BaseReductionBp(INDArray, INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
BaseReductionBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
BaseScalarBoolOp - Class in org.nd4j.linalg.api.ops
Base scalar boolean operation
BaseScalarBoolOp() - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
BaseScalarBoolOp(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
BaseScalarBoolOp(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
BaseScalarBoolOp(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
BaseScalarBoolOp(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
BaseScalarBoolOp(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
BaseScalarBoolOp(SameDiff, SDVariable, Number, boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
BaseScalarBoolOp(SameDiff, SDVariable, Number, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
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, 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, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(SameDiff, SDVariable, Number, boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseScalarOp
 
BaseScalarOp(SameDiff, SDVariable, Number, Object[]) - 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
 
BaseSparseBlasWrapper - Class in org.nd4j.linalg.factory
 
BaseSparseBlasWrapper() - Constructor for class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
BaseSparseInfoProvider - Class in org.nd4j.linalg.api.ndarray
 
BaseSparseInfoProvider() - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseInfoProvider
 
BaseSparseNDArray - Class in org.nd4j.linalg.api.ndarray
 
BaseSparseNDArray() - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
BaseSparseNDArrayCOO - Class in org.nd4j.linalg.api.ndarray
 
BaseSparseNDArrayCOO(DataBuffer, DataBuffer, long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
BaseSparseNDArrayCOO(double[], long[][], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
BaseSparseNDArrayCOO(float[], long[][], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
BaseSparseNDArrayCOO(double[], int[][], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
BaseSparseNDArrayCOO(float[], int[][], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
BaseSparseNDArrayCOO(DataBuffer, DataBuffer, DataBuffer, long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
BaseSparseNDArrayCOO(DataBuffer, DataBuffer, long[], int[], int[], int, long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
BaseSparseNDArrayCSR - Class in org.nd4j.linalg.api.ndarray
 
BaseSparseNDArrayCSR(double[], int[], int[], int[], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
The length of the values and columns arrays is equal to the number of non-zero elements in A.
BaseSparseNDArrayCSR(float[], int[], int[], int[], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
BaseSparseNDArrayCSR(DataBuffer, int[], int[], int[], long[]) - Constructor for class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
BaseSparseNDArrayFactory - Class in org.nd4j.linalg.factory
 
BaseSparseNDArrayFactory() - Constructor for class org.nd4j.linalg.factory.BaseSparseNDArrayFactory
 
BaseTensorOp - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
BaseTensorOp(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
BaseTensorOp(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
BaseTensorOp() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
BaseTransformAnyOp - Class in org.nd4j.linalg.api.ops
 
BaseTransformAnyOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(SameDiff, SDVariable, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(SameDiff, SDVariable, long[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp() - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformAnyOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
BaseTransformBoolOp - Class in org.nd4j.linalg.api.ops
 
BaseTransformBoolOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(SameDiff, SDVariable, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(SameDiff, SDVariable, long[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp() - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformBoolOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
BaseTransformFloatOp - Class in org.nd4j.linalg.api.ops
 
BaseTransformFloatOp(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
BaseTransformFloatOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
BaseTransformFloatOp(SameDiff, SDVariable, long[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
BaseTransformFloatOp(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
BaseTransformFloatOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
BaseTransformFloatOp() - Constructor for class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
BaseTransformFloatOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
BaseTransformOp - Class in org.nd4j.linalg.api.ops
A base op for basic getters and setters
BaseTransformOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(SameDiff, SDVariable, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(SameDiff, SDVariable, long[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
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, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformOp
 
BaseTransformSameOp - Class in org.nd4j.linalg.api.ops
 
BaseTransformSameOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(SameDiff, SDVariable, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(SameDiff, SDVariable, long[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp() - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformSameOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
BaseTransformStrictOp - Class in org.nd4j.linalg.api.ops
 
BaseTransformStrictOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp(SameDiff, SDVariable, long[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp() - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseTransformStrictOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
BaseUnderSamplingPreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor.classimbalance
 
BaseUnderSamplingPreProcessor() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.classimbalance.BaseUnderSamplingPreProcessor
 
BaseWeightInitScheme - Class in org.nd4j.weightinit
Abstract class for WeightInitScheme This handles boilerplate like delegating to the parameters view.
BaseWeightInitScheme() - Constructor for class org.nd4j.weightinit.BaseWeightInitScheme
Initialize with c weight ordering by default
BaseWeightInitScheme(char) - Constructor for class org.nd4j.weightinit.BaseWeightInitScheme
 
BaseWorkspaceMgr<T extends Enum<T>> - Class in org.nd4j.linalg.workspace
A standard/baseline WorkspaceMgr implementation
BaseWorkspaceMgr(Set<T>, Map<T, WorkspaceConfiguration>, Map<T, String>) - Constructor for class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
BaseWorkspaceMgr() - Constructor for class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
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
 
BasicGraphExecutioner - Class in org.nd4j.autodiff.execution
 
BasicGraphExecutioner() - Constructor for class org.nd4j.autodiff.execution.BasicGraphExecutioner
 
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
 
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() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
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 is (N / k), except when (N % k) > 0, when the first (N % k) folds contain (N / k) + 1 examples
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
 
batchMmul(SDVariable[], SDVariable[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
batchMmul(SDVariable[], SDVariable[], boolean, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
batchMmul(SDVariable[], boolean, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
batchMmul(SDVariable[], SDVariable[], boolean, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix multiply a batch of matrices.
batchMmul(String[], SDVariable[], SDVariable[], boolean, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix multiply a batch of matrices.
batchMmul(SDVariable[], SDVariable[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix multiply a batch of matrices.
BatchMmul - Class in org.nd4j.linalg.api.ops.impl.reduce.custom
Batched matrix multiplication.
BatchMmul(SameDiff, SDVariable[], boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
BatchMmul() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
batchNorm(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean, double, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Batch norm operation.
batchNorm(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, double, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Batch norm operation.
batchNorm(String, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean, double, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Batch normalization with optional application of gamma/beta args.
batchNorm(String, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, double, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Neural network batch normalization operation.
For details, see http://arxiv.org/abs/1502.03167
BatchNorm - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
BatchNorm operation
BatchNorm(SameDiff, SDVariable[], INDArray[], INDArray[], boolean, boolean, boolean, double, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
BatchNormDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
BatchNormDerivative operation
BatchNormDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], boolean, boolean, boolean, double, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNormDerivative
 
BatchNormDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNormDerivative
 
batchSize - Variable in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
batchToSpace(SDVariable, int[], int[][]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
batchToSpace(SDVariable, int[], int[][]) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
 
batchToSpace(String, SDVariable, int[], int[][]) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 2d layer batch to space operation on 4d input.
BatchToSpace - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
N-dimensional batch to space operation.
BatchToSpace() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.BatchToSpace
 
BatchToSpace(SameDiff, SDVariable[], int[], int[][], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.BatchToSpace
 
BE - Static variable in class org.nd4j.graph.ByteOrder
 
begin - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
BEGIN_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto.Segment
 
BEGIN_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto.Segment
 
bernoulli(double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
bernoulli(String, double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Bernoulli distribution, with the specified probability.
bernoulli(double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
bernoulli(String, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Bernoulli distribution, with the specified probability.
BernoulliDistribution - Class in org.nd4j.linalg.api.ops.random.impl
BernoulliDistribution implementation
BernoulliDistribution(SameDiff, double, long[]) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
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
BFLOAT16 - Static variable in class org.nd4j.graph.DataType
 
Bias - Class in org.nd4j.linalg.api.ops.impl.reduce.floating
Calculate a bias
Bias(SameDiff, SDVariable, int[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
Bias(SameDiff, SDVariable, SDVariable, int[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
Bias() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
Bias(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
bias - Variable in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
biasAdd(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
biasAdd(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
biasAdd(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Bias addition operation: a special case of addition, typically used with CNN 4D activations and a 1D bias vector
BiasAdd - Class in org.nd4j.linalg.api.ops.impl.broadcast
Bias addition gradient operation.
BiasAdd(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BiasAdd
 
biasAddBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
BiasAddGrad - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BiasAddGrad(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
BiasAddGrad() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
biasCorrected - Variable in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
BIG_VALUE - Static variable in enum org.tensorflow.util.BundleHeaderProto.Endianness
BIG = 1;
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
binaryDecisionThreshold - Variable in class org.nd4j.evaluation.classification.Evaluation
 
BinaryMinimalRelativeError - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise
 
BinaryMinimalRelativeError(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
BinaryMinimalRelativeError(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
BinaryMinimalRelativeError(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
BinaryMinimalRelativeError() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
BinaryMinimalRelativeError(INDArray, INDArray, INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
BinaryMinimalRelativeError(INDArray, INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
binaryPositiveClass - Variable in class org.nd4j.evaluation.classification.Evaluation
 
BinaryRelativeError - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise
 
BinaryRelativeError(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
BinaryRelativeError(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
BinaryRelativeError(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
BinaryRelativeError(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
BinaryRelativeError() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
BinaryRelativeError(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
BinaryRelativeError(INDArray, INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
BinarySerde - Class in org.nd4j.serde.binary
Created by agibsonccc on 7/1/17.
BinarySerde() - Constructor for class org.nd4j.serde.binary.BinarySerde
 
bInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
BinCount - Class in org.nd4j.linalg.api.ops.impl.transforms
BinCount: counts the number of times each value appears in an integer array.
BinCount() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.BinCount
 
BinCount(SameDiff, SDVariable, SDVariable, Integer, Integer, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.BinCount
 
binlabels(int) - Method in class org.nd4j.graph.UIHistogram
 
binlabelsLength() - Method in class org.nd4j.graph.UIHistogram
 
binomial(int, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Binomial distribution, with the specified number of trials and probability.
binomial(String, int, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Binomial distribution, with the specified number of trials and probability.
BinomialDistribution - Class in org.nd4j.linalg.api.ops.random.impl
This Op generates binomial distribution
BinomialDistribution(SameDiff, int, double, long[]) - Constructor for class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
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
binranges() - Method in class org.nd4j.graph.UIHistogram
 
binranges(FlatArray) - Method in class org.nd4j.graph.UIHistogram
 
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
 
bitmask() - Method in class org.nd4j.graph.UISummaryStatistics
 
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
 
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
 
bLength() - Method in class org.nd4j.graph.FlatProperties
 
BlockDataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
This abstraction provides block access to underlying DataSetIterator
BlockMultiDataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
This abstraction provides block access to underlying MultiDataSetIterator
blockName - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
blockName - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
blocks - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
BOOL - Static variable in class org.nd4j.graph.DataType
 
BOOL_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
BOOL_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
bool
BOOL_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
bool
BOOLEAN - Static variable in class org.nd4j.graph.OpType
 
BooleanAdapter - Class in org.nd4j.imports.descriptors.properties.adapters
 
BooleanAdapter() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.BooleanAdapter
 
BooleanIndexing - Class in org.nd4j.linalg.indexing
Boolean indexing
BooleanIndexing() - Constructor for class org.nd4j.linalg.indexing.BooleanIndexing
 
BooleanNot - Class in org.nd4j.linalg.api.ops.impl.transforms.bool
Boolean NOT transform
BooleanNot(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
BooleanNot() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
BooleanNot(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
BooleanNot(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
borrowingWorkspace - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
BRANCH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CondContextDef
 
branches - Variable in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
broadcast(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
broadcast(SDVariable, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
BROADCAST - Static variable in class org.nd4j.graph.OpType
 
broadcast(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
broadcast(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Broadcasts this ndarray to be the specified shape
broadcast(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
broadcast(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
broadcast(long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Broadcasts this ndarray to be the specified shape
broadcast(INDArray) - 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
Broadcast function
Broadcast(SameDiff, SDVariable, long[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
Broadcast() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
Broadcast - Class in org.nd4j.linalg.factory
Convenience methods for broadcasts
broadcast(INDArray) - Method in class org.nd4j.linalg.util.DeviceLocalNDArray
This method duplicates array, and stores it to all devices
BROADCAST_BOOL - Static variable in class org.nd4j.graph.OpType
 
BroadcastAddOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastAddOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
BroadcastAddOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
BroadcastAddOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
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
 
BroadcastAMax - Class in org.nd4j.linalg.api.ops.impl.broadcast
Broadcast Abs Max comparison op
BroadcastAMax(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMax(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
BroadcastAMin - Class in org.nd4j.linalg.api.ops.impl.broadcast
Broadcast Abs Min comparison op
BroadcastAMin(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastAMin(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
BroadcastCopyOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastCopyOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastCopyOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastCopyOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastCopyOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastCopyOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastCopyOp(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
BroadcastCopyOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
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(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastDivOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastDivOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastDivOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastDivOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastDivOp(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
BroadcastDivOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
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
 
BroadcastDynamicShape - Class in org.nd4j.linalg.api.ops.impl.shape
Broadcast dynamic shape function
BroadcastDynamicShape(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.BroadcastDynamicShape
 
BroadcastDynamicShape() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.BroadcastDynamicShape
 
BroadcastEqualTo - Class in org.nd4j.linalg.api.ops.impl.broadcast.bool
 
BroadcastEqualTo() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
BroadcastEqualTo(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
BroadcastEqualTo(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
BroadcastEqualTo(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
BroadcastEqualTo(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
BroadcastEqualTo(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
BroadcastGradientArgs - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastGradientArgs(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
BroadcastGradientArgs(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
BroadcastGradientArgs(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
BroadcastGradientArgs() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
BroadcastGradientArgs(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
BroadcastGreaterThan - Class in org.nd4j.linalg.api.ops.impl.broadcast.bool
 
BroadcastGreaterThan() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThan(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
BroadcastGreaterThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.broadcast.bool
 
BroadcastGreaterThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastGreaterThanOrEqual(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
BroadcastLessThan - Class in org.nd4j.linalg.api.ops.impl.broadcast.bool
 
BroadcastLessThan() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThan(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
BroadcastLessThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.broadcast.bool
 
BroadcastLessThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastLessThanOrEqual(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
BroadcastMax - Class in org.nd4j.linalg.api.ops.impl.broadcast
Broadcast Max comparison op
BroadcastMax() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMax(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
BroadcastMin - Class in org.nd4j.linalg.api.ops.impl.broadcast
Broadcast Min comparison op
BroadcastMin() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
BroadcastMin(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
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
 
BroadcastMulOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastMulOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastMulOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastMulOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastMulOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastMulOp(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastMulOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
BroadcastNotEqual - Class in org.nd4j.linalg.api.ops.impl.broadcast.bool
 
BroadcastNotEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
BroadcastNotEqual(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.bool.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.
broadcastOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
broadcastOutputShape(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the broadcast output shape based on the 2 input shapes Result output shape based on: https://docs.scipy.org/doc/numpy-1.10.1/user/basics.broadcasting.html
broadcastOutputShape(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
 
BroadcastRDivOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRDivOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRDivOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRDivOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRDivOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRDivOp(SameDiff, SDVariable, long[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRDivOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
BroadcastRSubOp - Class in org.nd4j.linalg.api.ops.impl.broadcast
 
BroadcastRSubOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
BroadcastRSubOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
BroadcastRSubOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
BroadcastRSubOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
BroadcastRSubOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
BroadcastRSubOp(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
BroadcastRSubOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
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
 
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
 
BroadcastSubOp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastSubOp(SameDiff, SDVariable, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastSubOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastSubOp(SameDiff, SDVariable, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastSubOp(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastSubOp(SameDiff, SDVariable, int[], boolean, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastSubOp(SameDiff, SDVariable, int[], Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
BroadcastTo - Class in org.nd4j.linalg.api.ops.impl.broadcast
BroadcastTo op: given 2 input arrays, content X and shape Y, broadcast X to the shape specified by the content of Y.
BroadcastTo(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastTo
 
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
broadcastToShape(long[], long) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
BUCKET_FIELD_NUMBER - Static variable in class org.tensorflow.framework.HistogramProto
 
BUCKET_LIMIT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.HistogramProto
 
BUF_PTR_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
BUF_PTR_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufResponse
 
BUF_RENDEZVOUS_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
buffer(int) - Method in class org.nd4j.graph.FlatArray
 
bufferAsByteBuffer() - Method in class org.nd4j.graph.FlatArray
 
bufferInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatArray
 
bufferLength() - Method in class org.nd4j.graph.FlatArray
 
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 onnx.OnnxMlProto3.AttributeProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
build() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
build() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
build() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
build() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
build() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
build() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
build() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
build() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
build() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
build() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
build() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
build() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
build() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
build() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
build() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
build() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
build() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
build() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
build() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
build() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
build() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
build() - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
 
build() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
build() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.SameDiffBuilder
 
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
DynamicCustomOpsBuilder 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.
build() - Method in class org.nd4j.linalg.schedule.MapSchedule.Builder
 
build() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
build() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
build() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
build() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
build() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
build() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
build() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
build() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
build() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
build() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
build() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
build() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
build() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
build() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
build() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
build() - Method in class org.tensorflow.framework.ApiDef.Builder
 
build() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
build() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
build() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
build() - Method in class org.tensorflow.framework.AttrValue.Builder
 
build() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
build() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
build() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
build() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
build() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
build() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
build() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
build() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
build() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
build() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
build() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
build() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
build() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
build() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
build() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
build() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
build() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
build() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
build() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
build() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
build() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
build() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
build() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
build() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
build() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
build() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
build() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
build() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
build() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
build() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
build() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
build() - Method in class org.tensorflow.framework.GradientDef.Builder
 
build() - Method in class org.tensorflow.framework.GraphDef.Builder
 
build() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
build() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
build() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
build() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
build() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
build() - Method in class org.tensorflow.framework.KernelDef.Builder
 
build() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
build() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
build() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
build() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
build() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
build() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
build() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
build() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
build() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
build() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
build() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
build() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
build() - Method in class org.tensorflow.framework.NodeDef.Builder
 
build() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
build() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
build() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
build() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
build() - Method in class org.tensorflow.framework.OpDef.Builder
 
build() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
build() - Method in class org.tensorflow.framework.OpList.Builder
 
build() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
build() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
build() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
build() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
build() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
build() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
build() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
build() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
build() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
build() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
build() - Method in class org.tensorflow.framework.RunOptions.Builder
 
build() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
build() - Method in class org.tensorflow.framework.SavedModel.Builder
 
build() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
build() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
build() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
build() - Method in class org.tensorflow.framework.StepStats.Builder
 
build() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
build() - Method in class org.tensorflow.framework.Summary.Builder
 
build() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
build() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
build() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
build() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
build() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
build() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
build() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
build() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
build() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
build() - Method in class org.tensorflow.framework.TensorProto.Builder
 
build() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
build() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
build() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
build() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
build() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
build() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
build() - Method in class org.tensorflow.framework.VariableDef.Builder
 
build() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
build() - Method in class org.tensorflow.framework.VersionDef.Builder
 
build() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
build() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
build() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
build() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
build() - Method in class org.tensorflow.util.SaverDef.Builder
 
build() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
build() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
build() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
build() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
build() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
build() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
build() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
build() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
build() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
BUILD_COST_MODEL_AFTER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
BUILD_COST_MODEL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
buildCId() - Static method in class org.nd4j.linalg.heartbeat.utils.EnvironmentUtils
 
buildContext() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
buildContext() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns OpContext which can be used (and reused) to execute custom ops
buildEnvironment() - Static method in class org.nd4j.linalg.heartbeat.utils.EnvironmentUtils
This method build
builder() - Static method in class org.nd4j.autodiff.samediff.TrainingConfig
 
Builder() - Constructor for class org.nd4j.autodiff.samediff.TrainingConfig.Builder
 
builder(String) - Static method in class org.nd4j.linalg.api.ops.DynamicCustomOp
This method takes custom opname, and return Op DynamicCustomOpsBuilder instance
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.AMSGrad.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
 
Builder(ScheduleType) - Constructor for class org.nd4j.linalg.schedule.MapSchedule.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
buildPartial() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
buildPartial() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
buildPartial() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
buildPartial() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
buildPartial() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
buildPartial() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
buildPartial() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
buildPartial() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ApiDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
buildPartial() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.AttrValue.Builder
 
buildPartial() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
buildPartial() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
buildPartial() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
buildPartial() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
buildPartial() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
buildPartial() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
buildPartial() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
buildPartial() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GradientDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
buildPartial() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
buildPartial() - Method in class org.tensorflow.framework.KernelDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
buildPartial() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.NodeDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
buildPartial() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
buildPartial() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.OpDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
buildPartial() - Method in class org.tensorflow.framework.OpList.Builder
 
buildPartial() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RunOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
buildPartial() - Method in class org.tensorflow.framework.SavedModel.Builder
 
buildPartial() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
buildPartial() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.StepStats.Builder
 
buildPartial() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
buildPartial() - Method in class org.tensorflow.framework.Summary.Builder
 
buildPartial() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
buildPartial() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
buildPartial() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
buildPartial() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
buildPartial() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.VariableDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
buildPartial() - Method in class org.tensorflow.framework.VersionDef.Builder
 
buildPartial() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
buildPartial() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
buildPartial() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
buildPartial() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
buildPartial() - Method in class org.tensorflow.util.SaverDef.Builder
 
buildPartial() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
buildPartial() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
buildPartial() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
buildPartial() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
buildPartial() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
buildPartial() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
buildPartial() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
buildPartial() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
buildPartial() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
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
 
BundleEntryProto - Class in org.tensorflow.util
Describes the metadata related to a checkpointed tensor.
BundleEntryProto.Builder - Class in org.tensorflow.util
Describes the metadata related to a checkpointed tensor.
BundleEntryProtoOrBuilder - Interface in org.tensorflow.util
 
BundleHeaderProto - Class in org.tensorflow.util
Special header that is associated with a bundle.
BundleHeaderProto.Builder - Class in org.tensorflow.util
Special header that is associated with a bundle.
BundleHeaderProto.Endianness - Enum in org.tensorflow.util
An enum indicating the endianness of the platform that produced this bundle.
BundleHeaderProtoOrBuilder - Interface in org.tensorflow.util
 
BUS_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceLocality
 
byNumber(int) - Static method in enum org.nd4j.linalg.api.ops.executioner.OpStatus
 
byteBufferSizeFor(INDArray) - Static method in class org.nd4j.serde.binary.BinarySerde
Returns the byte buffer size for the given ndarray.
ByteOrder - Class in org.nd4j.graph
 
byteOrder() - Method in class org.nd4j.graph.FlatArray
 
bytes - Variable in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
 
BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebuggedSourceFile
 
BYTES_LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef
 

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
 
calcRegularizationScore() - Method in class org.nd4j.autodiff.samediff.SameDiff
Calculate the regularization (L1, L2 and/or WeightDecay) component of the loss function for the current parameters..
calculateArea() - Method in class org.nd4j.evaluation.curves.BaseCurve
 
calculateArea(double[], double[]) - Method in class org.nd4j.evaluation.curves.BaseCurve
 
calculateAUC() - Method in class org.nd4j.evaluation.classification.ROC
Calculate the AUROC - Area Under ROC Curve
Utilizes trapezoidal integration internally
calculateAUC(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Calculate the AUC - Area Under (ROC) Curve
Utilizes trapezoidal integration internally
calculateAUC(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Calculate the AUC - Area Under ROC Curve
Utilizes trapezoidal integration internally
calculateAUC() - Method in class org.nd4j.evaluation.curves.RocCurve
Calculate and return the area under ROC curve
calculateAUCPR() - Method in class org.nd4j.evaluation.classification.ROC
Calculate the area under the precision/recall curve - aka AUCPR
calculateAUCPR(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Calculate the AUCPR - Area Under Curve - Precision Recall
Utilizes trapezoidal integration internally
calculateAUCPR(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Calculate the AUPRC - Area Under Curve Precision Recall
Utilizes trapezoidal integration internally
calculateAUPRC() - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
calculateAverageAuc() - Method in class org.nd4j.evaluation.classification.ROCBinary
Macro-average AUC for all outcomes
calculateAverageAUC() - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Calculate the macro-average (one-vs-all) AUC for all classes
calculateAverageAUCPR() - Method in class org.nd4j.evaluation.classification.ROCBinary
 
calculateAverageAUCPR() - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Calculate the macro-average (one-vs-all) AUCPR (area under precision recall curve) for all classes
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Calculate the data types for the output arrays.
calculateOutputDataTypes() - Method in class org.nd4j.autodiff.samediff.SameDiff
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAdd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastTo
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.StopGradient
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.Where
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMax
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMin
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.loss.BaseLoss
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SparseSoftmaxCrossEntropyLossWithLogitsBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.loss.L2Loss
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyWithLogitsLoss
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.loss.WeightedCrossEntropyLoss
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.ZeroFraction
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.SliceBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.StridedSliceBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.TileBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.BroadcastDynamicShape
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Cross
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Diag
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.GatherNd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MeshGrid
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ReductionShape
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Size
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Slice
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Split
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.SplitV
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayWrite
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Assert
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.BaseDynamicTransformOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.BinCount
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNormBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ATan2
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.BatchToSpace
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttention
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttentionBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InTopK
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InvertPermutation
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNonDecreasing
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNumericTensor
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsStrictlyIncreasing
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ListDiff
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalAnd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalNot
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalOr
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalXor
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogMatrixDeterminant
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDeterminant
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiag
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiagPart
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixInverse
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixSetDiag
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttention
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttentionBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Pow
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Reverse
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMax
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMean
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMin
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentProd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentSum
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Standardize
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.StandardizeBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.TopK
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Trace
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.XwPlusB
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Zeta
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.DynamicPartitionBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftmaxBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.BaseArithmeticBackpropOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SquaredDifferenceBpOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorModOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMaxBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMeanBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMinBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentProdBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentSumBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMaxBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMeanBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMinBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentProdBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSqrtNBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSumBp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMean
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMin
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentProd
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSqrtN
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSum
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.NoOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.custom.RandomBernoulli
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.custom.RandomExponential
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.custom.RandomNormal
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
calculateOutputDataTypes(List<DataType>) - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
calculateOutputShape() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Calculate the output shape for this op
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
Calculate the output shape for this op
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
Calculate the output shape for this op
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseTransformOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
calculateOutputShape() - Method in interface org.nd4j.linalg.api.ops.CustomOp
Calculate the output shape for this op
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
calculateOutputShape(CustomOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
calculateOutputShape(CustomOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.loss.L2Loss
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.BaseDynamicTransformOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.BaseArithmeticBackpropOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.NoOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
calculateOutputShape() - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
CallableOptions - Class in org.tensorflow.framework
Defines a subgraph in another `GraphDef` as a set of feed points and nodes to be fetched or executed.
CallableOptions.Builder - Class in org.tensorflow.framework
Defines a subgraph in another `GraphDef` as a set of feed points and nodes to be fetched or executed.
CallableOptionsOrBuilder - Interface in org.tensorflow.framework
 
callInplace(boolean) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
Whether an op call is in place or not.
CANCEL_OP_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.QueueRunnerDef
 
CANCELLED_VALUE - Static variable in enum org.tensorflow.framework.Code
The operation was cancelled (typically by the caller).
canInsert(DataBuffer, int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return if there is enough allocated memory space to add data of a given length in the databuffer
cast(SDVariable, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
Cast - Class in org.nd4j.linalg.api.ops.impl.transforms.dtype
Cast op wrapper.
Cast() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
Cast(SameDiff, SDVariable, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
castTo(SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
castTo(String, SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
castTo(DataType) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
castTo(String, DataType) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
castTo(DataType) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
castTo(DataType) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
castTo(DataType) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method cast elements of this INDArray to new data type
castTo(T, DataType, INDArray, boolean) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
castTo(T, DataType, INDArray, boolean) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Cast the specified array to the specified datatype.
If the array is already the correct type, the bahaviour depends on the 'dupIfCorrectType' argument.
dupIfCorrectType = false && toCast.dataType() == dataType: return input array as-is (unless workspace is wrong)
dupIfCorrectType = true && toCast.dataType() == dataType: duplicate the array into the specified workspace
CbowRound - Class in org.nd4j.linalg.api.ops.impl.nlp
 
CbowRound() - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.CbowRound
 
CbowRound(int, int[], int[], INDArray, INDArray, INDArray, int[], byte[], double, long, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.CbowRound
hs round
CbowRound(int, int[], int[], int, INDArray, INDArray, INDArray, INDArray, int, double, long, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.CbowRound
ns round
CbowRound(INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, int, INDArray, INDArray, INDArray, INDArray, boolean, int) - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.CbowRound
full constructor
ceil(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
ceil(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise ceiling function: out = ceil(x).
ceil(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise ceiling function: out = ceil(x).
Ceil - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Ceiling elementwise function
Ceil(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
Ceil(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
Ceil() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
Ceil(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
Ceil(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.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
 
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
checkAdd(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
Same as checkMmul, but for matrix addition
checkAllModelsForImport(File) - Static method in class org.nd4j.imports.tensorflow.TensorFlowImportValidator
Recursively scan the specified directory for .pb files, and evaluate
checkArrangeArray(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
checkBufferCoherence() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Check that the length of indices and values are coherent and matches the rank of the matrix.
checkDeserializedEquality(SameDiff, ByteBuffer, TestCase) - Static method in class org.nd4j.autodiff.validation.OpValidation
 
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
 
checkForInf(CustomOp) - 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
 
checkForNaN(CustomOp) - Static method in class org.nd4j.linalg.api.ops.executioner.OpExecutionerUtil
 
checkForWorkspaces(CustomOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
checkForWorkspaces(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
checkGemm(INDArray, INDArray, INDArray, boolean, boolean, double, double, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
checkGradients(TestCase) - Static method in class org.nd4j.autodiff.validation.GradCheckUtil
 
checkGradients(SameDiff, Map<String, INDArray>, String...) - Static method in class org.nd4j.autodiff.validation.GradCheckUtil
 
checkGradients(SameDiff, Map<String, INDArray>, boolean, boolean) - Static method in class org.nd4j.autodiff.validation.GradCheckUtil
 
checkGradients(SameDiff, Map<String, INDArray>, double, double, double, boolean, boolean) - Static method in class org.nd4j.autodiff.validation.GradCheckUtil
 
checkGradients(SameDiff, Map<String, INDArray>, double, double, double, boolean, boolean, boolean, boolean, Set<String>, Map<String, INDArray>) - Static method in class org.nd4j.autodiff.validation.GradCheckUtil
 
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
checkIfWorkspaceExistsAndActive(String) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
checkInfo(String, int) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
checkInfo(String, int) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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.
checkModelForImport(File) - Static method in class org.nd4j.imports.tensorflow.TensorFlowImportValidator
 
checkMulManually(INDArray, INDArray, double, double) - Static method in class org.nd4j.linalg.checkutil.CheckUtil
 
CHECKPOINT_KEY_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
CheckpointableObjectGraphOuterClass - Class in tensorflow
 
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReferenceOrBuilder - Interface in tensorflow
 
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensorOrBuilder - Interface in tensorflow
 
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder - Class in tensorflow
Protobuf type tensorflow.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReferenceOrBuilder - Interface in tensorflow
 
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder - Interface in tensorflow
 
CheckpointableObjectGraphOuterClass.CheckpointableObjectGraphOrBuilder - Interface in tensorflow
 
checkShapeValues(long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
checkShapeValues(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
checkShapeValues(int, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
checkShapeValues(int, long[]) - 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.
checkWorkspace(String, INDArray) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
childNodes - Variable in class org.nd4j.autodiff.samediff.transform.SubGraph
 
CHILDREN_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
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
Cholesky - Class in org.nd4j.linalg.api.ops.impl.transforms
Cholesky op wrapper
Cholesky() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Cholesky
 
Choose - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
This op allows us to (based on the passed in condition) to return the element fulfilling the condition.
Choose(SameDiff, SDVariable[], Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
Choose(String, INDArray[], INDArray[], List<Double>, List<Integer>) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
Choose(String, INDArray[], Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
Choose(INDArray[], Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
Choose(INDArray[], List<Integer>, List<Double>, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
Note that iArgs (integer arguments) and tArgs(double/float arguments) may end up being used under the following conditions: scalar operations (if a scalar is specified the you do not need to specify an ndarray) otherwise, if an ndarray is needed as a second input then put it in the inputs Usually, you only need 1 input (the equivalent of the array you're trying to do indexing on)
Choose(String, SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
Choose() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
chooseFrom(INDArray[], Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Choose from the inputs based on the given condition.
chooseFrom(INDArray[], List<Double>, List<Integer>, Condition) - Static method in class org.nd4j.linalg.indexing.BooleanIndexing
Choose from the inputs based on the given condition.
classCount(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the number of times the given label has actually occurred
classEquals(Class<?>) - Static method in class org.nd4j.autodiff.samediff.transform.OpPredicate
Return true if the operation class is equal to the specified class
classesDim - Variable in class org.nd4j.linalg.api.ops.impl.loss.bp.SoftmaxCrossEntropyWithLogitsLossBp
 
classesDim - Variable in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyWithLogitsLoss
 
CleanupAllRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupAllRequest
CleanupAllRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupAllRequest
CleanupAllRequestOrBuilder - Interface in org.tensorflow.distruntime
 
CleanupAllResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupAllResponse
CleanupAllResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupAllResponse
CleanupAllResponseOrBuilder - Interface in org.tensorflow.distruntime
 
CleanupGraphRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupGraphRequest
CleanupGraphRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupGraphRequest
CleanupGraphRequestOrBuilder - Interface in org.tensorflow.distruntime
 
CleanupGraphResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupGraphResponse
CleanupGraphResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CleanupGraphResponse
CleanupGraphResponseOrBuilder - Interface in org.tensorflow.distruntime
 
clear() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
clear() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
clear() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
clear() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
clear() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
clear() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
clear() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
clear() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
clear() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
clear() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
clear() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
clear() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
clear() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
clear() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
clear() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
clear() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
clear() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
clear() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
clear() - Method in class org.nd4j.linalg.api.ops.performance.PerformanceTracker
 
clear() - Method in class org.nd4j.linalg.api.ops.performance.primitives.AveragingTransactionsHolder
 
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
clear() - Method in class org.nd4j.list.BaseNDArrayList
 
clear() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
clear() - Method in class org.nd4j.list.NDArrayList
 
clear() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
clear() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
clear() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
clear() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
clear() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
clear() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
clear() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
clear() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
clear() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
clear() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
clear() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
clear() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
clear() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
clear() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
clear() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
clear() - Method in class org.tensorflow.framework.ApiDef.Builder
 
clear() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
clear() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
clear() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
clear() - Method in class org.tensorflow.framework.AttrValue.Builder
 
clear() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
clear() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
clear() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
clear() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
clear() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
clear() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
clear() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
clear() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
clear() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
clear() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
clear() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
clear() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
clear() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
clear() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
clear() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
clear() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
clear() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
clear() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
clear() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
clear() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
clear() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
clear() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
clear() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
clear() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
clear() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
clear() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
clear() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
clear() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
clear() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
clear() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
clear() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
clear() - Method in class org.tensorflow.framework.GradientDef.Builder
 
clear() - Method in class org.tensorflow.framework.GraphDef.Builder
 
clear() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
clear() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
clear() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
clear() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
clear() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
clear() - Method in class org.tensorflow.framework.KernelDef.Builder
 
clear() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
clear() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
clear() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
clear() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
clear() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
clear() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
clear() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
clear() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
clear() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
clear() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
clear() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
clear() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
clear() - Method in class org.tensorflow.framework.NodeDef.Builder
 
clear() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
clear() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
clear() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
clear() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
clear() - Method in class org.tensorflow.framework.OpDef.Builder
 
clear() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
clear() - Method in class org.tensorflow.framework.OpList.Builder
 
clear() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
clear() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
clear() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
clear() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
clear() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
clear() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
clear() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
clear() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
clear() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
clear() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
clear() - Method in class org.tensorflow.framework.RunOptions.Builder
 
clear() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
clear() - Method in class org.tensorflow.framework.SavedModel.Builder
 
clear() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
clear() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
clear() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
clear() - Method in class org.tensorflow.framework.StepStats.Builder
 
clear() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
clear() - Method in class org.tensorflow.framework.Summary.Builder
 
clear() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
clear() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
clear() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
clear() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
clear() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
clear() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
clear() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
clear() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
clear() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
clear() - Method in class org.tensorflow.framework.TensorProto.Builder
 
clear() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
clear() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
clear() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
clear() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
clear() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
clear() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
clear() - Method in class org.tensorflow.framework.VariableDef.Builder
 
clear() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
clear() - Method in class org.tensorflow.framework.VersionDef.Builder
 
clear() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
clear() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
clear() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
clear() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
clear() - Method in class org.tensorflow.util.SaverDef.Builder
 
clear() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
clear() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
clear() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
clear() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
clear() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
clear() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
clear() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
clear() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
clear() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
CLEAR_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.LoggingRequest
 
clearAliasInputPort() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
If >= 0, the output is an alias of an input.
clearAllEndRelMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 all_end_rel_micros = 5;
clearAllocatedBytes() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Total number of bytes allocated if known
clearAllocationDescription() - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
clearAllocationId() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Identifier of the allocated buffer if known
clearAllocationId() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Id of the tensor buffer being allocated, used to match to a corresponding deallocation.
clearAllocationId() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
clearAllocationId() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
clearAllocationRecords() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
clearAllocatorBytesInUse() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
These are snapshots of the overall allocator memory stats.
clearAllocatorName() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Name of the allocator used
clearAllocatorName() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
string allocator_name = 1;
clearAllocatorName() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the allocator used.
clearAllocatorName() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the allocator used.
clearAllocatorName() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Name of the allocator used.
clearAllocatorType() - Method in class org.tensorflow.framework.GPUOptions.Builder
The type of GPU allocation strategy to use.
clearAllocBytes() - Method in class org.tensorflow.framework.AllocationRecord.Builder
Number of bytes allocated, or de-allocated if negative.
clearAllocMicros() - Method in class org.tensorflow.framework.AllocationRecord.Builder
The timestamp of the operation.
clearAllowedValues() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
clearAllowedValues() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
clearAllowGrowth() - Method in class org.tensorflow.framework.GPUOptions.Builder
If true, the allocator does not pre-allocate the entire specified GPU memory region, instead starting small and growing as needed.
clearAllowSoftPlacement() - Method in class org.tensorflow.framework.ConfigProto.Builder
Whether soft placement is allowed.
clearAllowsUninitializedInput() - Method in class org.tensorflow.framework.OpDef.Builder
By default, all inputs to an Op must be initialized Tensors.
clearAllStartMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 all_start_micros = 2;
clearAnyInfo() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
clearAnyList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
clearArgOrder() - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
clearArithmeticOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Arithmetic optimizations (default is ON) e.g.
clearAssetFileDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
clearAsync() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Whether the ops on the worker should be executed synchronously or asynchronously.
clearAttr() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
clearAttr() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
clearAttr() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
clearAttr() - Method in class org.tensorflow.framework.NodeDef.Builder
 
clearAttr() - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
clearAttribute() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
clearAttribute() - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
clearAttributes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
clearAttrs() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
clearAudio() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
clearAutoParallel() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
clearB() - Method in class org.tensorflow.framework.AttrValue.Builder
"bool"
clearB() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(bool)"
clearBackProp() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Whether backprop is enabled for this while loop.
clearBadConsumers() - Method in class org.tensorflow.framework.VersionDef.Builder
Specific consumer versions which are disallowed (e.g.
clearBandwidth() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Memory bandwidth in KB/s
clearBegin() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
int64 begin = 1;
clearBegin() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
int64 begin = 1;
clearBoolVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_BOOL
clearBranch() - Method in class org.tensorflow.framework.CondContextDef.Builder
Branch prediction.
clearBucket() - Method in class org.tensorflow.framework.HistogramProto.Builder
repeated double bucket = 7 [packed = true];
clearBucketLimit() - Method in class org.tensorflow.framework.HistogramProto.Builder
Parallel arrays encoding the bucket boundaries and the bucket values.
clearBufPtr() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
When RDMA is in use, address of destination field on client.
clearBufPtr() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Address of source field on server.
clearBufRendezvousKey() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Arbitrary string identifying a BufRendezvous entry.
clearBuildCostModel() - Method in class org.tensorflow.framework.GraphOptions.Builder
The number of steps to run before returning a cost model detailing the memory usage and performance of each node of the graph.
clearBuildCostModelAfter() - Method in class org.tensorflow.framework.GraphOptions.Builder
The number of steps to skip before collecting statistics for the cost model.
clearBusId() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional bus locality of device.
clearBytes() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Byte size of the file.
clearBytesList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
clearCancelOpName() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to cancel the queue.
clearCheckpointKey() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The generated name of the Tensor in the checkpoint.
clearChildren() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
clearClear() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, discard any saved logging data (for all steps).
clearClientLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
clearClientLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
clearCloseOpName() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to close the queue.
clearCluster() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
clearClusterDef() - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
clearCollectionDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
clearCollectiveGraphKey() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
If graph_def contains any collective ops this must be a positive integer used to coordinate execution with other graphs.
clearCollectiveGraphKey() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
If non-zero, declares that this graph is going to use collective ops and must synchronize step_ids with any other graph with this same group_key value (in a distributed computation where tasks run disjoint graphs).
clearCollectiveGroupLeader() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
Task name for group resolution.
clearColorspace() - Method in class org.tensorflow.framework.Summary.Image.Builder
Valid colorspace values are 1 - grayscale 2 - grayscale + alpha 3 - RGB 4 - RGBA 5 - DIGITAL_YUV 6 - BGRA
clearComputeCost() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Estimate of the computational cost of this node, in microseconds.
clearComputeTime() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Analytical estimate of the computational cost of this node, in microseconds.
clearCondCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
clearConfig() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
clearConstantFolding() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
clearConstNodeInfo() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
clearConstraint() - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
clearContainer() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
clearContainer() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
clearContainer() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Container in which this resource is placed.
clearContent() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The content to store for the plugin.
clearContentType() - Method in class org.tensorflow.framework.Summary.Audio.Builder
string content_type = 5;
clearContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
fixed64 context_id = 1;
clearContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
The ID of the created context.
clearContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
fixed64 context_id = 1;
clearContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
fixed64 context_id = 1;
clearContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
fixed64 context_id = 1;
clearContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
fixed64 context_id = 1;
clearContextName() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the context.
clearContextName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the context.
clearControlInput() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Ids of the control inputs for this node.
clearControlOpIds() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
clearCooSparse() - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
clearCostGraph() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
clearCostGraph() - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
clearCrc32C() - Method in class org.tensorflow.util.BundleEntryProto.Builder
The CRC32C checksum of the tensor bytes.
clearCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
clearCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
clearCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
clearCriticalSectionName() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
Name of the critical section handle.
clearCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
clearCurrentGraphVersion() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The version number of the graph to be extended.
clearCurrentWork() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
bytes current_work = 4;
clearCustomOptimizers() - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
clearData() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
bytes data = 4;
clearDataType() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The data type of the tensor.
clearDataType() - Method in class onnx.OnnxProto3.TensorProto.Builder
The data type of the tensor.
clearDataType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.DataType data_type = 3;
clearDcomplexVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX128.
clearDebugOps() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
clearDebugOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
clearDebugOptions() - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
clearDebugStripper() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Strips debug-related nodes from the graph (off by default).
clearDebugTensorWatchOpts() - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
clearDebugUrls() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
clearDefaultGraphInputTensorShape() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
clearDefaultGraphOutputTensorShape() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
clearDefaultSessionConfig() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
clearDefaultValue() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
clearDefaultValue() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
clearDeferred() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
True if the deallocation is queued and will be performed later, e.g.
clearDeferredDeletionBytes() - Method in class org.tensorflow.framework.GPUOptions.Builder
Delay deletion of up to this many bytes to reduce the number of interactions with gpu driver code.
clearDenseShapeTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
clearDependencyOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Control dependency optimizations (default is ON).
clearDeprecation() - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
clearDeprecationMessage() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
clearDescription() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Note: this will replace any inherited arg doc.
clearDescription() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
clearDescription() - Method in class org.tensorflow.framework.ApiDef.Builder
Additional, longer human-readable description of what the Op does.
clearDescription() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Human readable description.
clearDescription() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
Human-readable description.
clearDescription() - Method in class org.tensorflow.framework.OpDef.Builder
Additional, longer human-readable description of what the Op does.
clearDescriptionPrefix() - Method in class org.tensorflow.framework.ApiDef.Builder
Modify an existing/inherited description by adding text to the beginning or end.
clearDescriptionSuffix() - Method in class org.tensorflow.framework.ApiDef.Builder
string description_suffix = 10;
clearDestination() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Destination of graph transfer
clearDevice() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device = 10;
clearDevice() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The device of the node.
clearDevice() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
string device = 1;
clearDevice() - Method in class org.tensorflow.framework.NodeDef.Builder
A (possibly partial) specification for the device on which this node should be placed.
clearDevice() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name for the device containing the resource.
clearDevice() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string device = 6;
clearDeviceAttributes() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
clearDeviceAttributes() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
clearDeviceCount() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
clearDeviceFilters() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
clearDeviceFilters() - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
clearDeviceId() - Method in class org.tensorflow.framework.InterconnectLink.Builder
int32 device_id = 1;
clearDeviceName() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
clearDeviceName() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
clearDevicePersistentMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
clearDevicePersistentMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
clearDevicePersistentTensorAllocIds() - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
clearDeviceTempMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
clearDeviceTempMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
clearDeviceType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
string device_type = 3;
clearDeviceType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
string device_type = 3;
clearDeviceType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device_type = 8;
clearDeviceType() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of device_type.
clearDeviceType() - Method in class org.tensorflow.framework.KernelDef.Builder
Type of device this kernel runs on.
clearDevStats() - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
clearDim() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
clearDim() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
clearDim() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
clearDimParam() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
namespace Shape
clearDimParam() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
namespace Shape
clearDims() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The shape of the tensor.
clearDims() - Method in class onnx.OnnxProto3.TensorProto.Builder
The shape of the tensor.
clearDimValue() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
int64 dim_value = 1;
clearDimValue() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
int64 dim_value = 1;
clearDisableModelPruning() - Method in class org.tensorflow.framework.RewriterConfig.Builder
If true, don't remove unnecessary ops from the graph
clearDisableRpcLogging() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, RPC logging will be disabled.
clearDisplayName() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Display name for viewing in TensorBoard.
clearDmaOk() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
If true, use an out-of-band DMA mechanism to transfer the received tensor.
clearDoCommonSubexpressionElimination() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, optimize the graph using common subexpression elimination.
clearDoConstantFolding() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, perform constant folding optimization on the graph.
clearDocString() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
clearDocString() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A human-readable documentation for this graph.
clearDocString() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
A human-readable documentation for this model.
clearDocString() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
A human-readable documentation for this node.
clearDocString() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
A human-readable documentation for this tensor.
clearDocString() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
clearDocString() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
A human-readable documentation for this operator.
clearDocString() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
A human-readable documentation for this set of operators.
clearDocString() - Method in class onnx.OnnxProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
clearDocString() - Method in class onnx.OnnxProto3.GraphProto.Builder
A human-readable documentation for this graph.
clearDocString() - Method in class onnx.OnnxProto3.ModelProto.Builder
A human-readable documentation for this model.
clearDocString() - Method in class onnx.OnnxProto3.NodeProto.Builder
A human-readable documentation for this node.
clearDocString() - Method in class onnx.OnnxProto3.TensorProto.Builder
A human-readable documentation for this tensor.
clearDocString() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
clearDoFunctionInlining() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, perform function inlining on the graph.
clearDomain() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Domain name of the model.
clearDomain() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
clearDomain() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
clearDomain() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
clearDomain() - Method in class onnx.OnnxProto3.ModelProto.Builder
Domain name of the model.
clearDomain() - Method in class onnx.OnnxProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
clearDomain() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
clearDoubleData() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
clearDoubleData() - Method in class onnx.OnnxProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
clearDoubleVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_DOUBLE.
clearDstDevice() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
string dst_device = 9;
clearDtype() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.DataType dtype = 4;
clearDtype() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
.tensorflow.DataType dtype = 5;
clearDtype() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
clearDtype() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
clearDtype() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.DataType dtype = 1;
clearDtype() - Method in class org.tensorflow.framework.TensorDescription.Builder
Data type of tensor elements
clearDtype() - Method in class org.tensorflow.framework.TensorInfo.Builder
.tensorflow.DataType dtype = 2;
clearDtype() - Method in class org.tensorflow.framework.TensorProto.Builder
.tensorflow.DataType dtype = 1;
clearDtype() - Method in class org.tensorflow.util.BundleEntryProto.Builder
The tensor dtype and shape.
clearDuration() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
Length of the trace to be taken, in seconds.
clearElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
clearElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
clearElemType() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
clearEnable() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
bool enable = 1;
clearEnableBfloat16Sendrecv() - Method in class org.tensorflow.framework.GraphOptions.Builder
If true, transfer float values between processes as bfloat16.
clearEnableOp() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
clearEnableRecvScheduling() - Method in class org.tensorflow.framework.GraphOptions.Builder
If true, use control flow to schedule the activation of Recv nodes.
clearEnableRpcLogging() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, RPC logging will be enabled.
clearEncodedAudioString() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Encoded audio data and its associated RFC 2045 content type (e.g.
clearEncodedImageString() - Method in class org.tensorflow.framework.Summary.Image.Builder
Image data in encoded format.
clearEncoding() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
clearEnd() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
int64 end = 2;
clearEnd() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
int64 end = 2;
clearEndianness() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
clearEndpoint() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
clearEnqueueOpName() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
clearEnvironment() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
clearExclusiveResourceAccess() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Whether this operation requires exclusive access to its resources, (i.e., no other CriticalSections may request the same resources).
clearExecOpts() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
clearExecuteInCriticalSectionName() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Name of the critical section handle.
clearExecutorName() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Executor's name
clearExperimental() - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
clearExperimental() - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
clearExperimental() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
clearExplanation() - Method in class org.tensorflow.framework.OpDeprecation.Builder
Explanation of why it was deprecated and what to use instead.
clearExtent() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
clearExternalAllocations() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
clearExternalValues() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
clearF() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
Exactly ONE of the following fields must be present for this version of the IR
clearF() - Method in class onnx.OnnxProto3.AttributeProto.Builder
Exactly ONE of the following fields must be present for this version of the IR
clearF() - Method in class org.tensorflow.framework.AttrValue.Builder
"float"
clearF() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(float)"
clearFeed() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
clearFeed() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
clearFeed() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
clearFeed() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
clearFetch() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
clearFetch() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
clearFetch() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
clearFetch() - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
clearFetchStepId() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
When set, requests all saved log data pertaining to the step.
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ApiDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.AttrValue.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GradientDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.KernelDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.NodeDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.OpDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.OpList.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RunOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.SavedModel.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.StepStats.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.Summary.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.VariableDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.VersionDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class org.tensorflow.util.SaverDef.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
clearField(Descriptors.FieldDescriptor) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
clearFilename() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The filename within an assets directory.
clearFilenameTensorName() - Method in class org.tensorflow.util.SaverDef.Builder
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
clearFilePath() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Path to the source code file.
clearFloatData() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
clearFloatData() - Method in class onnx.OnnxProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
clearFloatList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
clearFloats() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of floats
clearFloats() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of floats
clearFloatVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_FLOAT.
clearForceGpuCompatible() - Method in class org.tensorflow.framework.GPUOptions.Builder
Force all tensors to be gpu_compatible.
clearFrequency() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Core Frequency in Mhz
clearFromTensor() - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
clearFullName() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Name of the full variable of which this is a slice.
clearFullName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The full name of the variable/tensor, if applicable.
clearFullShape() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of the full variable.
clearFunc() - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
clearFunc() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
clearFunction() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
clearFunctionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
clearFunctionName() - Method in class org.tensorflow.framework.GradientDef.Builder
The function name.
clearFunctionOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Function optimizations (default is ON).
clearG() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
clearG() - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
clearGlobalJitLevel() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
clearGlobalName() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The global name of the threadpool.
clearGlobalStep() - Method in class org.tensorflow.framework.DebugOptions.Builder
Caller-specified global step count.
clearGpuOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
clearGradient() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
clearGradientFunc() - Method in class org.tensorflow.framework.GradientDef.Builder
The gradient function's name.
clearGraph() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
clearGraph() - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
clearGraphDef() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
clearGraphDef() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
clearGraphDef() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
clearGraphDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
clearGraphHandle() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
clearGraphHandle() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
If the registration succeeds, returns an opaque graph_handle to the master.
clearGraphHandle() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
clearGraphInputNodeInfo() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
clearGraphInputNodeName() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
clearGraphKey() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
repeated int64 graph_key = 1;
clearGraphKey() - Method in class org.tensorflow.distruntime.StepSequence.Builder
int64 graph_key = 1;
clearGraphOpName() - Method in class org.tensorflow.framework.ApiDef.Builder
Name of the op (in the OpDef) to specify the API for.
clearGraphOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
clearGraphOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
clearGraphOutputNodeInfo() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
clearGraphOutputNodeName() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
clearGraphs() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
clearGraphs() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
clearGraphVersion() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The initial version number for the graph, to be used in the next call to ExtendSession.
clearGroupKey() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
int32 group_key = 1;
clearGroupKey() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
int32 group_key = 1;
clearGroupKey() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 group_key = 5;
clearGroupSize() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
int32 group_size = 2;
clearGroupSize() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
int32 group_size = 2;
clearGroupSize() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 group_size = 6;
clearHalfVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_HALF, DT_BFLOAT16.
clearHandle() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
A handle to the created callable.
clearHandle() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
clearHandle() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
clearHandle() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Handle describing the feeds and fetches of the step.
clearHandleToDecref() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
clearHasControlFlow() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Deprecated.
clearHashCode() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Hash code for the type of the resource.
clearHasLength() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
clearHasMinimum() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
For type == "int", this is a minimum value.
clearHasSingleReference() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Set if this tensor only has one remaining reference
clearHeight() - Method in class org.tensorflow.framework.Summary.Image.Builder
Dimensions of the image.
clearHisto() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
clearHost() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The host name on which a source code file is located.
clearHostMemoryArg() - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
clearHostTempMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
clearI() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
int
clearI() - Method in class onnx.OnnxProto3.AttributeProto.Builder
int
clearI() - Method in class org.tensorflow.framework.AttrValue.Builder
"int"
clearI() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(int)"
clearId() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The id of the node.
clearId() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
A unique identifier for the operation.
clearImage() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
clearInArg() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
clearIncarnation() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
A device is assigned a global unique number each time it is initialized.
clearIndex() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Index of the output being set.
clearIndicesTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The indices Tensor must have dtype int64 and shape [?, ?].
clearInferShapes() - Method in class org.tensorflow.framework.GraphOptions.Builder
Annotate each Node with Op output shape data, to the extent it can be statically inferred.
clearInitializer() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
clearInitializer() - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
clearInitializerName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the initializer op.
clearInitialValueName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the tensor holding the variable's initial value.
clearInput() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
clearInput() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
clearInput() - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
clearInput() - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
clearInput() - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
clearInputArg() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
clearInputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 input_count = 6;
clearInputInfo() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
clearInputs() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
clearInputs() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
clearInstanceKey() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 instance_key = 7;
clearInstanceKey() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
int32 instance_key = 1;
clearInt32Data() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
clearInt32Data() - Method in class onnx.OnnxProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
clearInt64Data() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int64.
clearInt64Data() - Method in class onnx.OnnxProto3.TensorProto.Builder
For int64.
clearInt64List() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
clearInt64Val() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT64
clearInterOpParallelismThreads() - Method in class org.tensorflow.framework.ConfigProto.Builder
Nodes that perform blocking operations are enqueued on a pool of inter_op_parallelism_threads available in each process.
clearInterOpThreadPool() - Method in class org.tensorflow.framework.RunOptions.Builder
The thread pool to use, if session_inter_op_thread_pool is configured.
clearIntraOpParallelismThreads() - Method in class org.tensorflow.framework.ConfigProto.Builder
The execution of an individual op (for some op types) can be parallelized on a pool of intra_op_parallelism_threads.
clearInts() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of ints
clearInts() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of ints
clearIntVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
clearIrBuildMetadata() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The build metadata component of the SemVer of the IR.
clearIrVersion() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the IR this model targets.
clearIrVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos indicate the version of the IR syntax and semantics they adhere to.
clearIrVersion() - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the IR this model targets.
clearIrVersionPrerelease() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The prerelease component of the SemVer of the IR.
clearIsAggregate() - Method in class org.tensorflow.framework.OpDef.Builder
If is_aggregate is true, then this operation accepts N >= 2 inputs and produces 1 output all of the same type.
clearIsCommutative() - Method in class org.tensorflow.framework.OpDef.Builder
True if the operation is commutative ("op(a,b) == op(b,a)" for all inputs)
clearIsDead() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
True if value is 'dead' like a tensor.
clearIsDead() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
If true, this tensor was the output of a dead node, and the content is invalid.
clearIsFinal() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
If true, the output is permanent: it can't be discarded, because this node is part of the "final output".
clearIsLastPartialRun() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
True if this is the last partial run request in a sequence of requests.
clearIsolateSessionState() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
If true, any resources such as Variables used in the session will not be shared with other sessions.
clearIsolateSessionState() - Method in class org.tensorflow.framework.ConfigProto.Builder
If true, any resources such as Variables used in the session will not be shared with other sessions.
clearIsPartial() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
True if the RunGraphRequest is a partial run request.
clearIsRef() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
For inputs: if true, the inputs are required to be refs.
clearIsResource() - Method in class org.tensorflow.framework.VariableDef.Builder
Whether to represent this as a ResourceVariable.
clearIsSource() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
bool is_source = 11;
clearIsStateful() - Method in class org.tensorflow.framework.OpDef.Builder
Ops are marked as stateful if their behavior depends on some state beyond their input tensors (e.g.
clearItem() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
clearJob() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
clearJobName() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The name of the job of which this server is a member.
clearKeepAliveSecs() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Number of seconds to keep the context alive.
clearKeepCheckpointEveryNHours() - Method in class org.tensorflow.util.SaverDef.Builder
How often to keep an additional checkpoint.
clearKernelName() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
clearKernelName() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
clearKey() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string key = 1;
clearKey() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string key = 1;
clearKeys() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
clearKeyType() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
clearKind() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
clearL1CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L1 cache size in bytes
clearL2CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L2 cache size in bytes
clearL3CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L3 cache size in bytes
clearLabel() - Method in class org.tensorflow.framework.KernelDef.Builder
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
clearLastModified() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The timestamp at which the source code file is last modified.
clearLayoutOptimizer() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Optimize tensor layouts (default is ON) e.g.
clearLength() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
int64 length = 2;
clearLengthFrames() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Length of the audio in frames (samples per channel).
clearLibrary() - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
clearLines() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
clearLink() - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
clearLinks() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
clearList() - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
clearListener(OpProfiler.OpProfilerListener) - Method in class org.nd4j.linalg.profiler.OpProfiler
Clear the listener from the profiler
clearLiveBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The bytes that are not deallocated.
clearLocalDevice() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
clearLocality() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
clearLocalName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
A user-provided name for the edge.
clearLogDevicePlacement() - Method in class org.tensorflow.framework.ConfigProto.Builder
Whether device placements should be logged.
clearLoopEnterNames() - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
clearLoopExitNames() - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
clearLoopOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Loop optimizations (default is ON).
clearMagic() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
clearMapType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
clearMax() - Method in class org.tensorflow.framework.HistogramProto.Builder
double max = 2;
clearMaxByteSize() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
repeated int32 max_byte_size = 2;
clearMaxFoldedConstantInBytes() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Constant folding optimization replaces tensors whose values can be predetermined, with constant nodes.
clearMaximumIterationsName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Optional name of the maximum_iterations tensor.
clearMaxToKeep() - Method in class org.tensorflow.util.SaverDef.Builder
Maximum number of checkpoints to keep.
clearMaybeTypeName() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
For debug-only, the name of the type pointed to by this handle, if available.
clearMemory() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
clearMemoryLimit() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Memory capacity of device in bytes.
clearMemoryLimitMb() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
Per "virtual" device memory limit, in MB.
clearMemoryOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures memory optimization passes through the meta-optimizer.
clearMemoryOptimizerTargetNodeNameScope() - Method in class org.tensorflow.framework.RewriterConfig.Builder
A node name scope for node names which are valid outputs of recompuations.
clearMemorySize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Memory size in bytes
clearMemoryStats() - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
clearMemoryTime() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Analytical estimate of the memory access cost of this node, in microseconds.
clearMetadata() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
clearMetadata() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
clearMetadata() - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
clearMetadata() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Portions of the object that are not Tensors.
clearMetadataProps() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
clearMetadataProps() - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
clearMetaGraphs() - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
clearMetaGraphVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User specified Version string.
clearMetaInfoDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
clearMetaOptimizerIterations() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Controls how many times we run the optimizers in meta optimizer (default is once).
clearMethodName() - Method in class org.tensorflow.framework.SignatureDef.Builder
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
clearMin() - Method in class org.tensorflow.framework.HistogramProto.Builder
double min = 1;
clearMinConsumer() - Method in class org.tensorflow.framework.VersionDef.Builder
Any consumer below this version is not allowed to consume this data.
clearMinimum() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
int64 minimum = 6;
clearModel() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Model (Haswell, K40, ...)
clearModelVersion() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the graph encoded.
clearModelVersion() - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the graph encoded.
clearName() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
clearName() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The name of the graph.
clearName() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
An optional identifier for this node in a graph.
clearName() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Optionally, a name for the tensor.
clearName() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
clearName() - Method in class onnx.OnnxProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
clearName() - Method in class onnx.OnnxProto3.GraphProto.Builder
The name of the graph.
clearName() - Method in class onnx.OnnxProto3.NodeProto.Builder
An optional identifier for this node in a graph.
clearName() - Method in class onnx.OnnxProto3.TensorProto.Builder
Optionally, a name for the tensor.
clearName() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
clearName() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string name = 1;
clearName() - Method in class org.tensorflow.distruntime.JobDef.Builder
The name of this job.
clearName() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
clearName() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The name of the node.
clearName() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Fully specified name of the device within a cluster.
clearName() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
Name of an attr from the Op.
clearName() - Method in class org.tensorflow.framework.NameAttrList.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
Name of the tensor.
clearName() - Method in class org.tensorflow.framework.NodeDef.Builder
The name given to this operator.
clearName() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Name for the input/output.
clearName() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A descriptive name for the argument.
clearName() - Method in class org.tensorflow.framework.OpDef.Builder
Op names starting with an underscore are reserved for internal use.
clearName() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name of this resource.
clearName() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
string name = 1;
clearName() - Method in class org.tensorflow.framework.TensorInfo.Builder
For dense `Tensor`s, the name of the tensor in the graph.
clearName() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Optional name of the tensor dimension.
clearName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
A name for the Tensor.
clearName() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
string name = 1;
clearName() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string name = 2;
clearNans(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Clear nans from an ndarray
clearNestedContexts() - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
clearNestedContexts() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
clearNewGraphVersion() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
The new version number for the extended graph, to be used in the next call to ExtendSession.
clearNextStepId() - Method in class org.tensorflow.distruntime.StepSequence.Builder
int64 next_step_id = 2;
clearNode() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
clearNode() - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
clearNode() - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
clearNode() - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
clearNodeDef() - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
clearNodeId() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
int32 node_id = 2;
clearNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 node_id = 2;
clearNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
int32 node_id = 1;
clearNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
int32 node_id = 1;
clearNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
int32 node_id = 1;
clearNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the object being referenced.
clearNodeInfo() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
clearNodeInput() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
clearNodeInputInfo() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
clearNodeList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
clearNodeName() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name of the node to watch.
clearNodeName() - Method in class org.tensorflow.framework.NodeExecStats.Builder
TODO(tucker): Use some more compact form of node identity than the full string name.
clearNodeName() - Method in class org.tensorflow.framework.Summary.Value.Builder
This field is deprecated and will not be set.
clearNodeOutputInfo() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
clearNodes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
clearNodeStats() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
clearNum() - Method in class org.tensorflow.framework.HistogramProto.Builder
double num = 3;
clearNumaNode() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional NUMA locality of device.
clearNumberAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "int"
clearNumBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Size of value expected, must agree with BufRendezvous entry.
clearNumBytes() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Byte length of buf_ptr field, if set.
clearNumBytes() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Number of bytes in the allocation.
clearNumChannels() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Number of channels of audio.
clearNumCores() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Number of cores
clearNumRecordsProduced() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 num_records_produced = 3;
clearNumRegisters() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Number of registers per core.
clearNumReplicas() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
int32 num_replicas = 2;
clearNumShards() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Number of data files in the bundle.
clearNumTasks() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
number of distinct tasks hosting the devices
clearNumThreads() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The number of threads in the pool.
clearObsoleteOldStyleHistogram() - Method in class org.tensorflow.framework.Summary.Value.Builder
bytes obsolete_old_style_histogram = 3;
clearOffset() - Method in class org.tensorflow.util.BundleEntryProto.Builder
int64 offset = 4;
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ApiDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.AttrValue.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GradientDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.KernelDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.NodeDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.OpDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.OpList.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RunOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.SavedModel.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.StepStats.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.Summary.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.VariableDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.VersionDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class org.tensorflow.util.SaverDef.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
clearOneof(Descriptors.OneofDescriptor) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
clearOp() - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
clearOp() - Method in class org.tensorflow.framework.KernelDef.Builder
Must match the name of an Op.
clearOp() - Method in class org.tensorflow.framework.NodeDef.Builder
The operation name.
clearOp() - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
clearOpEndRelMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 op_end_rel_micros = 4;
clearOperation() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the operation making the allocation.
clearOperation() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the operation making the deallocation.
clearOperation() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
clearOperationTimeoutInMs() - Method in class org.tensorflow.framework.ConfigProto.Builder
Global timeout for all blocking operations in this session.
clearOperator() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
clearOpId() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
The ID of the operation that produced this tensor.
clearOpId() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
Ids to wait on.
clearOpsetImport() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
clearOpsetImport() - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
clearOpsetVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The version of the set of operators.
clearOpStartRelMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 op_start_rel_micros = 3;
clearOptimizerOptions() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
clearOptimizers() - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
clearOptions() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
clearOptions() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
clearOptions() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
clearOptLevel() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Overall optimization level.
clearOpType() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
clearOpType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The name of the operator within a domain.
clearOpType() - Method in class onnx.OnnxProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
clearOriginalVariableNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the variable object this slot was created for.
clearOutArg() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
clearOutput() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
clearOutput() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
clearOutput() - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
clearOutput() - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
clearOutput() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
clearOutputArg() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
clearOutputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 output_count = 7;
clearOutputInfo() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
clearOutputNum() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
The index into the outputs of the operation that produced this tensor.
clearOutputPartitionGraphs() - Method in class org.tensorflow.framework.RunOptions.Builder
Whether the partition graph(s) executed by the executor(s) should be outputted via RunMetadata.
clearOutputPort() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
int32 output_port = 2;
clearOutputs() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
clearOutputSlot() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Output slot to watch.
clearPaddingId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 padding_id = 5;
clearParallelIterations() - Method in class org.tensorflow.framework.WhileContextDef.Builder
The number of iterations allowed to run in parallel.
clearParameterMap() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
clearPartialRunHandle() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
clearPartialRunHandle() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Partial run handle (optional).
clearPartitionGraph() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
clearPartitionGraphs() - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
clearPeakBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
int64 peak_bytes = 3;
clearPerProcessGpuMemoryFraction() - Method in class org.tensorflow.framework.GPUOptions.Builder
Fraction of the available GPU memory to allocate for each process.
clearPersistentMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Persistent memory used by this node.
clearPersistentMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
int64 persistent_memory_size = 3;
clearPersistentTensorAllocIds() - Method in class org.tensorflow.framework.MemoryStats.Builder
repeated int64 persistent_tensor_alloc_ids = 5;
clearPhysicalDeviceDesc() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of the physical device that this device maps to.
clearPinnedAllocations(boolean) - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
clearPivotForBodyName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_body tensor.
clearPivotForPredName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_pred tensor.
clearPivotName() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pivot tensor.
clearPivotName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot tensor.
clearPlaceholder() - Method in class org.tensorflow.framework.AttrValue.Builder
This is a placeholder only used in nodes defined inside a function.
clearPlacementPeriod() - Method in class org.tensorflow.framework.ConfigProto.Builder
Assignment of Nodes to Devices is recomputed every placement_period steps until the system warms up (at which point the recomputation typically slows down automatically).
clearPlacePrunedGraph() - Method in class org.tensorflow.framework.GraphOptions.Builder
Only place the subgraphs that are run, rather than the entire graph.
clearPluginData() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
clearPluginName() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The name of the plugin this data pertains to.
clearPollingActiveDelayUsecs() - Method in class org.tensorflow.framework.GPUOptions.Builder
In the event polling loop sleep this many microseconds between PollEvents calls, when the queue is not empty.
clearPollingInactiveDelayMsecs() - Method in class org.tensorflow.framework.GPUOptions.Builder
This field is deprecated and ignored.
clearPrecedingNode() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
int32 preceding_node = 1;
clearPrecedingPort() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
int32 preceding_port = 2;
clearPredName() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pred tensor.
clearProducer() - Method in class org.tensorflow.framework.VersionDef.Builder
The version of the code that produced this data.
clearProducerName() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
clearProducerName() - Method in class onnx.OnnxProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
clearProducerVersion() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
clearProducerVersion() - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
clearProperties() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
clearProtocol() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The protocol to be used by this server.
clearPtr() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Address of the allocation.
clearPtr() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Address of the allocation.
clearQueue() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
clearQueueClosedExceptionTypes() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
clearQueueName() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
Queue name.
clearRawData() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Serializations can either use one of the fields above, or use this raw bytes field.
clearRawData() - Method in class onnx.OnnxProto3.TensorProto.Builder
Serializations can either use one of the fields above, or use this raw bytes field.
clearRecordCosts() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_costs = 1;
clearRecordPartitionGraphs() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_partition_graphs = 4;
clearRecordTimeline() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_timeline = 3;
clearRecv() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
clearRecvKey() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
clearReferencedTensor() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
clearRemapping() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
clearRemoteDevice() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
clearRemoteGraph() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
clearRenameTo() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Change the name used to access this arg in the API from what is used in the GraphDef.
clearRenameTo() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Change the name used to access this attr in the API from what is used in the GraphDef.
clearRendezvousKey() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
A key identifying the channel to receive tensors from.
clearReportTensorAllocationsUponOom() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool report_tensor_allocations_upon_oom = 5;
clearReportTensorAllocationsUponOom() - Method in class org.tensorflow.framework.RunOptions.Builder
When enabled, causes tensor allocation information to be included in the error message when the Run() call fails because the allocator ran out of memory (OOM).
clearRequestedBytes() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Total number of bytes requested
clearRequestId() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Unique identifier for this request.
clearResourceHandleVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
clearRestoreOpName() - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when restoring a model checkpoint.
clearRet() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
clearRewriteOptions() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
clearRpcOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
clearRunOptions() - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
clearS() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
UTF-8 string
clearS() - Method in class onnx.OnnxProto3.AttributeProto.Builder
UTF-8 string
clearS() - Method in class org.tensorflow.framework.AttrValue.Builder
"string"
clearS() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(string)"
clearSampleRate() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Sample rate of the audio in Hz.
clearSavedModelSchemaVersion() - Method in class org.tensorflow.framework.SavedModel.Builder
The schema version of the SavedModel instance.
clearSaverDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
clearSaveSliceInfoDef() - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
clearSaveTensorName() - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when saving a model checkpoint.
clearScheduledMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 scheduled_micros = 9;
clearScomplexVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX64.
clearScopedAllocatorOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
clearScopedAllocatorOpts() - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
clearSegment() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
clearSegment() - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
clearSend() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
clearSendStartMicros() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, for timeline.
clearSendStartMicros() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The time at which tensor was available and started to be returned.
clearSequenceType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
clearSerializedExecutorParameters() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Parameters given to the executor
clearServerDef() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
clearServerDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
clearServerLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
clearServerLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
clearSessionHandle() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
clearSessionHandle() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The session handle to be used in subsequent calls for the created session.
clearSessionHandle() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Sessions are identified by a given handle.
clearSessionHandle() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
Sessions are identified by a given handle.
clearSessionHandle() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
The session_handle used when registering the graph.
clearSessionHandle() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
clearSessionHandle() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
Optional: session_handle must be returned by a CreateSession call to the same master service.
clearSessionHandle() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
clearSessionHandle() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
clearSessionHandle() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Subgraphs are scoped within one session.
clearSessionHandle() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
clearSessionHandle() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
clearSessionHandle() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
session_handle is the master-generated unique id for this session.
clearSessionHandle() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
clearSessionInterOpThreadPool() - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
clearShape() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
clearShape() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
clearShape() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
clearShape() - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
clearShape() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
clearShape() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
clearShape() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
repeated int64 shape = 3;
clearShape() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
repeated int64 shape = 2;
clearShape() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
repeated int64 shape = 2;
clearShape() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
clearShape() - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
clearShape() - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
clearShapeOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Shape optimizations (default is ON) Simplify computations made on shapes.
clearSharded() - Method in class org.tensorflow.util.SaverDef.Builder
Shard the save files, one per device that has Variable nodes.
clearShardId() - Method in class org.tensorflow.util.BundleEntryProto.Builder
The binary content of the tensor lies in: File "shard_id": bytes [offset, offset + size).
clearSharedMemorySizePerMultiprocessor() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Shared memory size per multiprocessor in bytes.
clearSignature() - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
clearSignatureDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
clearSimpleValue() - Method in class org.tensorflow.framework.Summary.Value.Builder
float simple_value = 2;
clearSinceVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The version of the operator set that first introduced this operator.
clearSize() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
int64 size = 1;
clearSize() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Size of the tensor in that dimension.
clearSize() - Method in class org.tensorflow.util.BundleEntryProto.Builder
int64 size = 5;
clearSlices() - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
clearSlot() - Method in class org.tensorflow.framework.NodeOutput.Builder
int32 slot = 1;
clearSlotName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
The name of the slot (e.g.
clearSlotVariableNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the `Object` with the value of the slot variable.
clearSlotVariables() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
clearSnapshotName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the snapshot tensor.
clearSocOpId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 soc_op_id = 4;
clearSourceFiles() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
clearSourceRank() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
int32 source_rank = 2;
clearSrcDevice() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, for annotating the timeline.
clearStart() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
Start index of the slice, starting at 0.
clearStatus() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
clearStatusCode() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
clearStatusCode() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
clearStatusErrorMessage() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
string status_error_message = 6;
clearStatusErrorMessage() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
string status_error_message = 4;
clearStep() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
clearStepId() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
int64 step_id = 1;
clearStepId() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
int64 step_id = 1;
clearStepId() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Used at server side to find the correct BufRendezvous.
clearStepId() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
The step in which the tensor will be produced.
clearStepId() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
A unique ID to distinguish different runs of the same graph.
clearStepId() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Process-unique step id.
clearStepId() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Process-unique step id.
clearStepId() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Process-unique step id.
clearStepId() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Process-unique step id.
clearStepId() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Process-unique step id.
clearStepSequence() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
clearStepStats() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
clearStepStats() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
clearStepStats() - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
clearStoreErrorsInResponseBody() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunGraphResponse with the actual error saved in the status_code/status_error_message fields of the response body.
clearStoreErrorsInResponseBody() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunStepResponse with the actual error saved in the status_code/status_error_message fields of the response body.
clearStrength() - Method in class org.tensorflow.framework.InterconnectLink.Builder
int32 strength = 3;
clearStringData() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For strings.
clearStringData() - Method in class onnx.OnnxProto3.TensorProto.Builder
For strings.
clearStrings() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of UTF-8 strings
clearStrings() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of UTF-8 strings
clearStringVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_STRING
clearStrippedDefaultAttrs() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A flag to denote whether default-valued attrs have been stripped from the nodes in this graph_def.
clearStrippedOpList() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
clearSubdivOffset() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
repeated int32 subdiv_offset = 9;
clearSum() - Method in class org.tensorflow.framework.HistogramProto.Builder
double sum = 4;
clearSummary() - Method in class org.tensorflow.framework.ApiDef.Builder
One-line human-readable description of what the Op does.
clearSummary() - Method in class org.tensorflow.framework.OpDef.Builder
One-line human-readable description of what the Op does.
clearSummaryDescription() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Longform readable description of the summary sequence.
clearSumSquares() - Method in class org.tensorflow.framework.HistogramProto.Builder
double sum_squares = 5;
clearSwapMemory() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Whether GPU-CPU memory swap is enabled for this loop.
clearT() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
clearT() - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
clearTag() - Method in class org.tensorflow.framework.Summary.Value.Builder
Tag name for the data.
clearTags() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
clearTarget() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The target string used from the client's perspective.
clearTarget() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
clearTarget() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
clearTarget() - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
clearTaskIndex() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The task index of this server in its job.
clearTaskName() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
clearTasks() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
clearTempMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
int64 temp_memory_size = 1;
clearTemporaryMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Temporary memory used by this node.
clearTensor() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
clearTensor() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
clearTensor() - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
clearTensor() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
clearTensor() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
clearTensor() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
clearTensor() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
clearTensor() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
clearTensorConnection() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
clearTensorContent() - Method in class org.tensorflow.framework.TensorProto.Builder
Serialized raw tensor content from either Tensor::AsProtoTensorContent or memcpy in tensorflow::grpc::EncodeTensorToByteBuffer.
clearTensorContent() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
bytes tensor_content = 1;
clearTensorDescription() - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
clearTensorflowGitVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __git_version__ string of the tensorflow build used to write this graph.
clearTensorflowVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __version__ string of the tensorflow build used to write this graph.
clearTensorInfo() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
clearTensors() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
clearTensors() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
clearTensors() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
clearTensorShape() - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
clearTensorShape() - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
clearTensorType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
clearTensorType() - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
clearThreadId() - Method in class org.tensorflow.framework.NodeExecStats.Builder
uint32 thread_id = 10;
clearTimelineLabel() - Method in class org.tensorflow.framework.NodeExecStats.Builder
string timeline_label = 8;
clearTimelineStep() - Method in class org.tensorflow.framework.GraphOptions.Builder
If > 0, record a timeline every this many steps.
clearTimeoutInMs() - Method in class org.tensorflow.framework.RunOptions.Builder
Time to wait for operation to complete in milliseconds.
clearTolerateDebugOpCreationFailures() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Do not error out if debug op creation fails (e.g., due to dtype incompatibility).
clearTotalBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
These are per-node allocator memory stats.
clearToTensor() - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
clearTraceLevel() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.TraceLevel trace_level = 1;
clearTrainable() - Method in class org.tensorflow.framework.VariableDef.Builder
Whether this variable should be trained.
clearTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
clearTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
clearTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
clearTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
clearType() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
clearType() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
clearType() - Method in class onnx.OnnxProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
clearType() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
clearType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 type = 2;
clearType() - Method in class org.tensorflow.framework.AttrValue.Builder
"type"
clearType() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
clearType() - Method in class org.tensorflow.framework.InterconnectLink.Builder
string type = 2;
clearType() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
clearType() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
clearType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Device type (CPU, GPU, ...)
clearTypeAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "type"
clearTypeHint() - Method in class org.tensorflow.framework.SummaryDescription.Builder
Hint on how plugins should process the data in this series.
clearTypeListAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
clearTypeName() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string type_name = 3;
clearTypeName() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Name of the type of objects being serialized.
clearUint32Val() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT32
clearUint64Data() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
clearUint64Data() - Method in class onnx.OnnxProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
clearUint64Val() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT64
clearUnknownRank() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
If true, the number of dimensions in the shape is unknown.
clearUseExtendedProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture extended profiling events from TensorFlow process.
clearUseGpuProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture GPU profiling events locally on each machine.
clearUseKernelProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture kernel events from each worker.
clearUsePerSessionThreads() - Method in class org.tensorflow.framework.ConfigProto.Builder
If true, use a new set of threads for this session rather than the global pool of threads.
clearUseRpcForInprocessMaster() - Method in class org.tensorflow.framework.RPCOptions.Builder
If true, always use RPC to contact the session target.
clearUseSampleProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, collect sampled profile events.
clearUseStepProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture step profile locally in each worker.
clearUseUnifiedMemory() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
If true, uses CUDA unified memory for memory allocations.
clearValue() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string value = 2;
clearValue() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
clearValue() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
clearValue() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string value = 2;
clearValue() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
clearValue() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
clearValue() - Method in class org.tensorflow.framework.AttrValue.Builder
 
clearValue() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
clearValue() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
repeated bytes value = 1;
clearValue() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
repeated float value = 1 [packed = true];
clearValue() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
repeated int64 value = 1 [packed = true];
clearValue() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
clearValue() - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
clearValue() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
clearValueInfo() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
clearValueInfo() - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
clearValues() - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
clearValuesDef() - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
clearValuesDef() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
clearValuesTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The shape of the values Tensor is [?].
clearValueType() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
clearVariableName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the variable tensor.
clearVariantVal() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
clearVarOffset() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Offset of this variable into the full variable.
clearVarShape() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of this variable.
clearVendor() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Vendor (Intel, nvidia, ...)
clearVersion() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The version of the operator set being identified.
clearVersion() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The version of the operator set being identified.
clearVersion() - Method in class org.tensorflow.framework.GraphDef.Builder
Deprecated.
clearVersion() - Method in class org.tensorflow.framework.OpDeprecation.Builder
First GraphDef version at which the op is disallowed.
clearVersion() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
clearVersion() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
A user-specified version string.
clearVersion() - Method in class org.tensorflow.util.SaverDef.Builder
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
clearVersionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
clearVersionNumber() - Method in class org.tensorflow.framework.TensorProto.Builder
Version number.
clearVersions() - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
clearVirtualDevices() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
clearVisibility() - Method in class org.tensorflow.framework.ApiDef.Builder
.tensorflow.ApiDef.Visibility visibility = 2;
clearVisibleDeviceList() - Method in class org.tensorflow.framework.GPUOptions.Builder
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
clearWhileCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
clearWidth() - Method in class org.tensorflow.framework.Summary.Image.Builder
int32 width = 2;
clearWorkFinished() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 work_finished = 2;
clearWorkStarted() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 work_started = 1;
CLIENT_LOCALITY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
CLIENT_LOCALITY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorRequest
 
clipByNorm(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
clipByNorm(SDVariable, double, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
clipByNorm(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Clipping by L2 norm
if l2Norm(x) < clipValue, then input is returned unmodifed
Otherwise, out[i] = in[i] * clipValue / l2Norm(in)
clipByNorm(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Clipping by L2 norm
if l2Norm(x) < clipValue, then input is returned unmodifed
Otherwise, out[i] = in[i] * clipValue / l2Norm(in)
clipByNorm(SDVariable, double, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Clipping by L2 norm, optionally along dimension(s)
if l2Norm(x,dimension) < clipValue, then input is returned unmodifed
Otherwise, out[i] = in[i] * clipValue / l2Norm(in, dimensions) where each value is clipped according to the corresponding l2Norm along the specified dimensions
clipByNorm(String, SDVariable, double, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Clipping by L2 norm, optionally along dimension(s)
if l2Norm(x,dimension) < clipValue, then input is returned unmodifed
Otherwise, out[i] = in[i] * clipValue / l2Norm(in, dimensions) where each value is clipped according to the corresponding l2Norm along the specified dimensions
ClipByNorm - Class in org.nd4j.linalg.api.ops.impl.transforms.clip
 
ClipByNorm() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
ClipByNorm(SameDiff, SDVariable, double, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
ClipByNorm(INDArray, INDArray, double, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
ClipByNormBp - Class in org.nd4j.linalg.api.ops.impl.transforms.clip
 
ClipByNormBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNormBp
 
ClipByNormBp(SameDiff, SDVariable, SDVariable, double, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNormBp
 
clipByValue(SDVariable, double, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
clipByValue(SDVariable, double, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise clipping function:
out[i] = in[i] if in[i] >= clipValueMin and in[i] <= clipValueMax
out[i] = clipValueMin if in[i] < clipValueMin
out[i] = clipValueMax if in[i] > clipValueMax
clipByValue(String, SDVariable, double, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise clipping function:
out[i] = in[i] if in[i] >= clipValueMin and in[i] <= clipValueMax
out[i] = clipValueMin if in[i] < clipValueMin
out[i] = clipValueMax if in[i] > clipValueMax
ClipByValue - Class in org.nd4j.linalg.api.ops.impl.transforms.clip
 
ClipByValue(INDArray[], INDArray[], double, double, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
ClipByValue() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
ClipByValue(SameDiff, SDVariable, double, double, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
ClipByValue(SameDiff, SDVariable, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
clone() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
clone() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
clone() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
clone() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
clone() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
clone() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
clone() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
clone() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
clone() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
clone() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
clone() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
clone() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
clone() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
clone() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
clone() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
clone() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
clone() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
clone() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
clone() - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession.FrameIter
 
clone(Object, IDeepCloner, Map<Object, Object>) - Method in class org.nd4j.autodiff.util.cloner.DataBufferFastCloner
 
clone(Object, IDeepCloner, Map<Object, Object>) - Method in class org.nd4j.autodiff.util.cloner.INDArrayFastCloner
 
clone() - Method in class org.nd4j.evaluation.classification.ROC.CountsForThreshold
 
clone() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.learning.config.AMSGrad
 
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
 
clone() - Method in class org.nd4j.linalg.learning.regularization.L1Regularization
 
clone() - Method in class org.nd4j.linalg.learning.regularization.L2Regularization
 
clone() - Method in interface org.nd4j.linalg.learning.regularization.Regularization
 
clone() - Method in class org.nd4j.linalg.learning.regularization.WeightDecay
 
clone() - Method in class org.nd4j.linalg.schedule.CycleSchedule
 
clone() - Method in class org.nd4j.linalg.schedule.ExponentialSchedule
 
clone() - Method in class org.nd4j.linalg.schedule.FixedSchedule
 
clone() - Method in class org.nd4j.linalg.schedule.InverseSchedule
 
clone() - Method in interface org.nd4j.linalg.schedule.ISchedule
 
clone() - Method in class org.nd4j.linalg.schedule.MapSchedule
 
clone() - Method in class org.nd4j.linalg.schedule.PolySchedule
 
clone() - Method in class org.nd4j.linalg.schedule.SigmoidSchedule
 
clone() - Method in class org.nd4j.linalg.schedule.StepSchedule
 
clone() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
clone() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
clone() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
clone() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
clone() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
clone() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
clone() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
clone() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
clone() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
clone() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
clone() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
clone() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
clone() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
clone() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
clone() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
clone() - Method in class org.tensorflow.framework.ApiDef.Builder
 
clone() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
clone() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
clone() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
clone() - Method in class org.tensorflow.framework.AttrValue.Builder
 
clone() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
clone() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
clone() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
clone() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
clone() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
clone() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
clone() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
clone() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
clone() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
clone() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
clone() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
clone() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
clone() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
clone() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
clone() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
clone() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
clone() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
clone() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
clone() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
clone() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
clone() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
clone() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
clone() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
clone() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
clone() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
clone() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
clone() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
clone() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
clone() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
clone() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
clone() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
clone() - Method in class org.tensorflow.framework.GradientDef.Builder
 
clone() - Method in class org.tensorflow.framework.GraphDef.Builder
 
clone() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
clone() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
clone() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
clone() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
clone() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
clone() - Method in class org.tensorflow.framework.KernelDef.Builder
 
clone() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
clone() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
clone() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
clone() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
clone() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
clone() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
clone() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
clone() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
clone() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
clone() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
clone() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
clone() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
clone() - Method in class org.tensorflow.framework.NodeDef.Builder
 
clone() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
clone() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
clone() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
clone() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
clone() - Method in class org.tensorflow.framework.OpDef.Builder
 
clone() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
clone() - Method in class org.tensorflow.framework.OpList.Builder
 
clone() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
clone() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
clone() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
clone() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
clone() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
clone() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
clone() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
clone() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
clone() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
clone() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
clone() - Method in class org.tensorflow.framework.RunOptions.Builder
 
clone() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
clone() - Method in class org.tensorflow.framework.SavedModel.Builder
 
clone() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
clone() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
clone() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
clone() - Method in class org.tensorflow.framework.StepStats.Builder
 
clone() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
clone() - Method in class org.tensorflow.framework.Summary.Builder
 
clone() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
clone() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
clone() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
clone() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
clone() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
clone() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
clone() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
clone() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
clone() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
clone() - Method in class org.tensorflow.framework.TensorProto.Builder
 
clone() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
clone() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
clone() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
clone() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
clone() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
clone() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
clone() - Method in class org.tensorflow.framework.VariableDef.Builder
 
clone() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
clone() - Method in class org.tensorflow.framework.VersionDef.Builder
 
clone() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
clone() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
clone() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
clone() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
clone() - Method in class org.tensorflow.util.SaverDef.Builder
 
clone() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
clone() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
clone() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
clone() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
clone() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
clone() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
clone() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
clone() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
clone() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
close() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
close() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
close() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method releases exclusive off-heap resources uses by this INDArray instance.
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
 
close() - Method in class org.nd4j.linalg.workspace.WorkspacesCloseable
 
CLOSE_OP_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.QueueRunnerDef
 
closeable() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
closeable() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
closeable() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks, if this INDArray instalce can use close() method
CloseSessionRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CloseSessionRequest
CloseSessionRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CloseSessionRequest
CloseSessionRequestOrBuilder - Interface in org.tensorflow.distruntime
 
CloseSessionResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CloseSessionResponse
CloseSessionResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CloseSessionResponse
CloseSessionResponseOrBuilder - Interface in org.tensorflow.distruntime
 
CLUSTER_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
CLUSTER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ServerDef
 
ClusterDef - Class in org.tensorflow.distruntime
Defines a TensorFlow cluster as a set of jobs.
ClusterDef.Builder - Class in org.tensorflow.distruntime
Defines a TensorFlow cluster as a set of jobs.
ClusterDefOrBuilder - Interface in org.tensorflow.distruntime
 
ClusterProtos - Class in org.tensorflow.distruntime
 
cnn - Variable in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for convolutional neural network operations
cnn() - Method in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for convolutional neural network operations
Code - Enum in org.tensorflow.framework
The canonical error codes for TensorFlow APIs.
codecs - Variable in class org.nd4j.linalg.compression.BasicNDArrayCompressor
 
coeff - Variable in class org.nd4j.linalg.learning.regularization.WeightDecay
 
col2Im(SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
col2Im(SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
col2im operation for use in 2D convolution operations.
col2Im(String, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
col2im operation for use in 2D convolution operations.
Col2Im - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Col2Im operation.
Col2Im(SameDiff, SDVariable[], INDArray[], INDArray[], Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
Col2Im(SameDiff, SDVariable, Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
Col2Im() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.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, 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
COLLECTION_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef
 
CollectionDef - Class in org.tensorflow.framework
CollectionDef should cover most collections.
CollectionDef.AnyList - Class in org.tensorflow.framework
AnyList is used for collecting Any protos.
CollectionDef.AnyList.Builder - Class in org.tensorflow.framework
AnyList is used for collecting Any protos.
CollectionDef.AnyListOrBuilder - Interface in org.tensorflow.framework
 
CollectionDef.Builder - Class in org.tensorflow.framework
CollectionDef should cover most collections.
CollectionDef.BytesList - Class in org.tensorflow.framework
BytesList is used for collecting strings and serialized protobufs.
CollectionDef.BytesList.Builder - Class in org.tensorflow.framework
BytesList is used for collecting strings and serialized protobufs.
CollectionDef.BytesListOrBuilder - Interface in org.tensorflow.framework
 
CollectionDef.FloatList - Class in org.tensorflow.framework
FloatList is used for collecting float values.
CollectionDef.FloatList.Builder - Class in org.tensorflow.framework
FloatList is used for collecting float values.
CollectionDef.FloatListOrBuilder - Interface in org.tensorflow.framework
 
CollectionDef.Int64List - Class in org.tensorflow.framework
Int64List is used for collecting int, int64 and long values.
CollectionDef.Int64List.Builder - Class in org.tensorflow.framework
Int64List is used for collecting int, int64 and long values.
CollectionDef.Int64ListOrBuilder - Interface in org.tensorflow.framework
 
CollectionDef.KindCase - Enum in org.tensorflow.framework
 
CollectionDef.NodeList - Class in org.tensorflow.framework
NodeList is used for collecting nodes in graph.
CollectionDef.NodeList.Builder - Class in org.tensorflow.framework
NodeList is used for collecting nodes in graph.
CollectionDef.NodeListOrBuilder - Interface in org.tensorflow.framework
 
CollectionDefOrBuilder - Interface in org.tensorflow.framework
 
COLLECTIVE_GRAPH_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphRequest
 
COLLECTIVE_GRAPH_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions.Experimental
 
COLLECTIVE_GROUP_LEADER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto.Experimental
 
collectTensorflowImportCoverage(SameDiff) - Static method in class org.nd4j.autodiff.validation.OpValidation
 
COLORSPACE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Image
 
columns() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Number of columns (shape[1]), throws an exception when called when not 2d
columns - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
columns() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
columns() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of columns in this matrix (throws exception if not 2d)
columnsPointers - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
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.pairwise.bool.And
 
comparable - Variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
comparable - Variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
comparable - Variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.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(SameDiff, SDVariable, SDVariable, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
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(SameDiff, SDVariable, Number, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
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.
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
 
ComparisonResult() - Constructor for class org.nd4j.linalg.util.ND4JTestUtils.ComparisonResult
 
CompleteGroupRequest - Class in org.tensorflow.distruntime
Supplies one or more device names as members of the group identified by group_key.
CompleteGroupRequest.Builder - Class in org.tensorflow.distruntime
Supplies one or more device names as members of the group identified by group_key.
CompleteGroupRequestOrBuilder - Interface in org.tensorflow.distruntime
 
CompleteGroupResponse - Class in org.tensorflow.distruntime
Gives the complete membership of the group identified by group_key.
CompleteGroupResponse.Builder - Class in org.tensorflow.distruntime
Gives the complete membership of the group identified by group_key.
CompleteGroupResponseOrBuilder - Interface in org.tensorflow.distruntime
 
CompleteInstanceRequest - Class in org.tensorflow.distruntime
Supplies data about one collective op belonging to the instance identified by instance_key.
CompleteInstanceRequest.Builder - Class in org.tensorflow.distruntime
Supplies data about one collective op belonging to the instance identified by instance_key.
CompleteInstanceRequestOrBuilder - Interface in org.tensorflow.distruntime
 
CompleteInstanceResponse - Class in org.tensorflow.distruntime
Confirms that every op in the instance has consistently declared itself.
CompleteInstanceResponse.Builder - Class in org.tensorflow.distruntime
Confirms that every op in the instance has consistently declared itself.
CompleteInstanceResponseOrBuilder - Interface in org.tensorflow.distruntime
 
COMPLEX128_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
complex with float64 real and imaginary components
COMPLEX128_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
complex with float64 real and imaginary components
COMPLEX64_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
complex with float32 real and imaginary components
COMPLEX64_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
complex with float32 real and imaginary components
CompositeDataSetPreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor
A simple Composite DataSetPreProcessor - allows you to apply multiple DataSetPreProcessors sequentially on the one DataSet, in the order they are passed to the constructor
CompositeDataSetPreProcessor(DataSetPreProcessor...) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.CompositeDataSetPreProcessor
 
CompositeMultiDataSetPreProcessor - Class in org.nd4j.linalg.dataset.api.preprocessor
A simple Composite MultiDataSetPreProcessor - allows you to apply multiple MultiDataSetPreProcessors sequentially on the one MultiDataSet, in the order they are passed to the constructor
CompositeMultiDataSetPreProcessor(MultiDataSetPreProcessor...) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.CompositeMultiDataSetPreProcessor
 
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 opType, 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 opType
CompressionType - Enum in org.nd4j.linalg.compression
 
CompressionUtils - Class in org.nd4j.linalg.compression
This class provides utility methods for Compression in ND4J
CompressionUtils() - Constructor for class org.nd4j.linalg.compression.CompressionUtils
 
COMPUTE_COST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
COMPUTE_TIME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
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.LossMultiLabel
 
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
 
computeGradient(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossWasserstein
 
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.LossMultiLabel
 
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
 
computeGradientAndScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossWasserstein
 
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.LossMultiLabel
 
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
 
computeScore(INDArray, INDArray, IActivation, INDArray, boolean) - Method in class org.nd4j.linalg.lossfunctions.impl.LossWasserstein
 
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.LossMultiLabel
 
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
 
computeScoreArray(INDArray, INDArray, IActivation, INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossWasserstein
 
concat(int, SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
concat(int, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
concat(String, int, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Concatenate a set of inputs along the specified dimension.
Note that inputs must have identical rank and identical dimensions, other than the dimension to stack on.
For example, if 2 inputs have shape [a, x, c] and [a, y, c] and dimension = 1, then the output has shape [a, x+y, c]
Concat - Class in org.nd4j.linalg.api.ops.impl.shape
 
Concat() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Concat
 
Concat(SameDiff, int, SDVariable...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Concat
 
concat(SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
concat(int, INDArray...) - 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, INDArray...) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Concatneate ndarrays along a dimension
ConcatBp - Class in org.nd4j.linalg.api.ops.impl.shape.bp
Backprop op for concat
ConcatBp() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
ConcatBp(SameDiff, int, SDVariable...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
cond(Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
cond(Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
cond(Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a binary INDArray with value 'true' if the element matches the specified condition and 'false' otherwise
COND_CTXT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ControlFlowContextDef
 
CondContextDef - Class in org.tensorflow.framework
Protocol buffer representing a CondContext object.
CondContextDef.Builder - Class in org.tensorflow.framework
Protocol buffer representing a CondContext object.
CondContextDefOrBuilder - Interface in org.tensorflow.framework
 
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
CONDITIONAL - Static variable in class org.nd4j.graph.OpClass
 
ConditionalFieldValueIntIndexArrayAdapter - Class in org.nd4j.imports.descriptors.properties.adapters
 
ConditionalFieldValueIntIndexArrayAdapter() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.ConditionalFieldValueIntIndexArrayAdapter
 
ConditionalFieldValueNDArrayShapeAdapter - Class in org.nd4j.imports.descriptors.properties.adapters
 
ConditionalFieldValueNDArrayShapeAdapter() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.ConditionalFieldValueNDArrayShapeAdapter
 
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.IsFinite
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.NotFinite
Returns condition ID for native side
condtionNum() - Method in class org.nd4j.linalg.indexing.conditions.Or
Returns condition ID for native side
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
config - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
CONFIG_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateSessionRequest
 
configFieldName() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Returns the name of the field to be used for looking up field names.
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
configFieldName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
configMap - Variable in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
ConfigProto - Class in org.tensorflow.framework
Session configuration parameters.
ConfigProto.Builder - Class in org.tensorflow.framework
Session configuration parameters.
ConfigProto.Experimental - Class in org.tensorflow.framework
Everything inside Experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
ConfigProto.Experimental.Builder - Class in org.tensorflow.framework
Everything inside Experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
ConfigProto.ExperimentalOrBuilder - Interface in org.tensorflow.framework
 
ConfigProtoOrBuilder - Interface in org.tensorflow.framework
 
ConfigProtos - Class in org.tensorflow.framework
 
configuration() - Method in class org.nd4j.graph.FlatGraph
 
configuration(FlatConfiguration) - Method in class org.nd4j.graph.FlatGraph
 
configuration() - Method in class org.nd4j.graph.FlatInferenceRequest
 
configuration(FlatConfiguration) - Method in class org.nd4j.graph.FlatInferenceRequest
 
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
confusion - Variable in class org.nd4j.evaluation.classification.Evaluation
 
Confusion() - Constructor for class org.nd4j.evaluation.curves.PrecisionRecallCurve.Confusion
 
CONFUSION_PRINT_MAX_CLASSES - Static variable in class org.nd4j.evaluation.classification.Evaluation
 
confusionMatrix(SDVariable, SDVariable, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
confusionMatrix(SDVariable, SDVariable, Integer) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
confusionMatrix(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
confusionMatrix(SDVariable, SDVariable, Integer, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
confusionMatrix(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
confusionMatrix(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
confusionMatrix(String, SDVariable, SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Compute the 2d confusion matrix of size [numClasses, numClasses] from a pair of labels and predictions, both of which are represented as integer values.
confusionMatrix(SDVariable, SDVariable, Integer) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
confusionMatrix(String, SDVariable, SDVariable, Integer) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Compute the 2d confusion matrix of size [numClasses, numClasses] from a pair of labels and predictions, both of which are represented as integer values.
For example, if labels = [0, 1, 1], predicted = [0, 2, 1], and numClasses=4 then output is:
[1, 0, 0, 0]
[0, 1, 1, 0]
[0, 0, 0, 0]
[0, 0, 0, 0]
confusionMatrix(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
confusionMatrix(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Compute the 2d confusion matrix of size [numClasses, numClasses] from a pair of labels and predictions, both of which are represented as integer values.
confusionMatrix(SDVariable, SDVariable, Integer, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
confusionMatrix(String, SDVariable, SDVariable, Integer, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Compute the 2d confusion matrix of size [numClasses, numClasses] from a pair of labels and predictions, both of which are represented as integer values.
For example, if labels = [0, 1, 1], predicted = [0, 2, 1], numClasses = 4, and weights = [1, 2, 3] [1, 0, 0, 0]
[0, 3, 2, 0]
[0, 0, 0, 0]
[0, 0, 0, 0]
ConfusionMatrix<T extends Comparable<? super T>> - Class in org.nd4j.evaluation.classification
 
ConfusionMatrix(List<T>) - Constructor for class org.nd4j.evaluation.classification.ConfusionMatrix
Creates an empty confusion Matrix
ConfusionMatrix() - Constructor for class org.nd4j.evaluation.classification.ConfusionMatrix
 
ConfusionMatrix(ConfusionMatrix<T>) - Constructor for class org.nd4j.evaluation.classification.ConfusionMatrix
Creates a new ConfusionMatrix initialized with the contents of another ConfusionMatrix.
confusionMatrix() - Method in class org.nd4j.evaluation.classification.Evaluation
Get the confusion matrix as a String
ConfusionMatrix - Class in org.nd4j.linalg.api.ops.impl.shape
 
ConfusionMatrix() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
ConfusionMatrix(SameDiff, SDVariable, SDVariable, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
ConfusionMatrix(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
ConfusionMatrix(SameDiff, SDVariable, SDVariable, Integer) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
ConfusionMatrix(SameDiff, SDVariable, SDVariable, Integer, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
ConfusionMatrixDeserializer - Class in org.nd4j.evaluation.serde
A JSON deserializer for ConfusionMatrix<Integer> instances, used in org.deeplearning4j.eval.Evaluation
ConfusionMatrixDeserializer() - Constructor for class org.nd4j.evaluation.serde.ConfusionMatrixDeserializer
 
confusionMatrixMetaData - Variable in class org.nd4j.evaluation.classification.Evaluation
 
ConfusionMatrixSerializer - Class in org.nd4j.evaluation.serde
A JSON serializer for ConfusionMatrix<Integer> instances, used in org.deeplearning4j.eval.Evaluation
ConfusionMatrixSerializer() - Constructor for class org.nd4j.evaluation.serde.ConfusionMatrixSerializer
 
confusionToString() - Method in class org.nd4j.evaluation.classification.Evaluation
Get a String representation of the confusion matrix
CONST_NODE_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferInfo
 
constant(SDVariable, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
constant(INDArray) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create an SDVariable with a fixed/constant value, with a generated name
Constants are not modified by training/backprop.
constant(String, INDArray) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create an SDVariable with a fixed/constant value
Constants are not modified by training/backprop.
constant(SDVariable, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Deprecated.
constant(String, SDVariable, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Deprecated.
constant(double) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new double scalar constant (rank 0) with the specified value.
Constants are not modified by training/backprop.
constant(String, double) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new double scalar constant (rank 0) with the specified value
constant(float) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new float scalar constant (rank 0) with the specified value
Constants are not modified by training/backprop.
constant(String, float) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new float scalar constant (rank 0) with the specified value
constant(int) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new integer scalar constant (rank 0) with the specified value
constant(String, int) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new integer scalar constant (rank 0) with the specified value
constant(long) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new long scalar constant (rank 0) with the specified value
constant(String, long) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new long scalar constant (rank 0) with the specified value
constant(String, DataType, Number) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new scalar constant (rank 0) with the specified value and datatype
CONSTANT - Static variable in class org.nd4j.graph.VarType
 
Constant - Class in org.nd4j.linalg.api.ops.impl.transforms
 
Constant() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
Constant(SameDiff, SDVariable, long[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
Constant(SameDiff, SDVariable, long[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
CONSTANT_FOLDING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
CONSTANT_PROVIDER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ConstantDistribution - Class in org.nd4j.linalg.api.rng.distribution.impl
This is not real distribution.
ConstantDistribution(double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.ConstantDistribution
 
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
 
ConstantInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to zero.
ConstantInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.ConstantInitScheme
 
constantProviderClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
constantValue() - Method in class org.nd4j.graph.UIVariable
 
constantValue(FlatArray) - Method in class org.nd4j.graph.UIVariable
 
CONSTRAINT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.KernelDef
 
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
 
container - Variable in class org.nd4j.list.BaseNDArrayList
 
CONTAINER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CleanupAllRequest
 
CONTAINER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ResetRequest
 
CONTAINER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ResourceHandleProto
 
contains(String, String, int, AbstractSession.FrameIter) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
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
 
contains(Object) - Method in class org.nd4j.list.BaseNDArrayList
 
contains(Object) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
contains(Object) - Method in class org.nd4j.list.NDArrayList
 
containsAll(Collection<?>) - Method in class org.nd4j.list.BaseNDArrayList
 
containsAll(Collection<?>) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
containsAll(Collection<?>) - Method in class org.nd4j.list.NDArrayList
 
containsAttr(String) - Method in class org.tensorflow.framework.FunctionDef.Builder
Attributes specific to this function definition.
containsAttr(String) - Method in class org.tensorflow.framework.FunctionDef
Attributes specific to this function definition.
containsAttr(String) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
Attributes specific to this function definition.
containsAttr(String) - Method in class org.tensorflow.framework.NameAttrList.Builder
map<string, .tensorflow.AttrValue> attr = 2;
containsAttr(String) - Method in class org.tensorflow.framework.NameAttrList
map<string, .tensorflow.AttrValue> attr = 2;
containsAttr(String) - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
map<string, .tensorflow.AttrValue> attr = 2;
containsAttr(String) - Method in class org.tensorflow.framework.NodeDef.Builder
Operation-specific graph-construction-time configuration.
containsAttr(String) - Method in class org.tensorflow.framework.NodeDef
Operation-specific graph-construction-time configuration.
containsAttr(String) - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Operation-specific graph-construction-time configuration.
containsAttrs(String) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
map<string, .tensorflow.AttrValue> attrs = 5;
containsAttrs(String) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
map<string, .tensorflow.AttrValue> attrs = 5;
containsAttrs(String) - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
map<string, .tensorflow.AttrValue> attrs = 5;
containsCollectionDef(String) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
collection_def: Map from collection name to collections.
containsCollectionDef(String) - Method in class org.tensorflow.framework.MetaGraphDef
collection_def: Map from collection name to collections.
containsCollectionDef(String) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
collection_def: Map from collection name to collections.
containsDeviceCount(String) - Method in class org.tensorflow.framework.ConfigProto.Builder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
containsDeviceCount(String) - Method in class org.tensorflow.framework.ConfigProto
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
containsDeviceCount(String) - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
containsEnvironment(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Version of the tools and libraries used with this device (e.g.
containsEnvironment(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Version of the tools and libraries used with this device (e.g.
containsEnvironment(String) - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Version of the tools and libraries used with this device (e.g.
containsExternalValues(String) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names referenced by but external to this context.
containsExternalValues(String) - Method in class org.tensorflow.framework.ValuesDef
Value names referenced by but external to this context.
containsExternalValues(String) - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names referenced by but external to this context.
containsInputs(String) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named input parameters.
containsInputs(String) - Method in class org.tensorflow.framework.SignatureDef
Named input parameters.
containsInputs(String) - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named input parameters.
containsKey(T) - Method in interface org.nd4j.linalg.compression.AbstractStorage
This method checks, if storage contains specified key
containsOutputs(String) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named output parameters.
containsOutputs(String) - Method in class org.tensorflow.framework.SignatureDef
Named output parameters.
containsOutputs(String) - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named output parameters.
containsParameterMap(String) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
map<string, .tensorflow.AttrValue> parameter_map = 2;
containsParameterMap(String) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
map<string, .tensorflow.AttrValue> parameter_map = 2;
containsParameterMap(String) - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
map<string, .tensorflow.AttrValue> parameter_map = 2;
containsRet(String) - Method in class org.tensorflow.framework.FunctionDef.Builder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
containsRet(String) - Method in class org.tensorflow.framework.FunctionDef
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
containsRet(String) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
containsSignatureDef(String) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
containsSignatureDef(String) - Method in class org.tensorflow.framework.MetaGraphDef
signature_def: Map from user supplied key for a signature to a single SignatureDef.
containsSignatureDef(String) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
containsTasks(int) - Method in class org.tensorflow.distruntime.JobDef.Builder
Mapping from task ID to "hostname:port" string.
containsTasks(int) - Method in class org.tensorflow.distruntime.JobDef
Mapping from task ID to "hostname:port" string.
containsTasks(int) - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
Mapping from task ID to "hostname:port" string.
CONTENT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SummaryMetadata.PluginData
 
CONTENT_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Audio
 
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(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
contentEquals(long[], DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
contentEquals(int[], IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Compare the contents of a buffer and an array for equals
contentEquals(long[], IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
CONTEXT_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
CONTEXT_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
CONTEXT_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
CONTEXT_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
CONTEXT_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
CONTEXT_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
CONTEXT_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CondContextDef
 
CONTEXT_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
contextPointer() - Method in interface org.nd4j.linalg.api.ops.OpContext
This method returns pointer to context, to be used during native op execution
CONTROL_INPUT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
CONTROL_OP_IDS_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.Operation
 
controlDeps - Variable in class org.nd4j.autodiff.samediff.internal.SameDiffOp
 
controlDeps - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
controlDeps(int) - Method in class org.nd4j.graph.UIOp
 
controlDeps(int) - Method in class org.nd4j.graph.UIVariable
 
controlDepsForOp - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
controlDepsForOp(int) - Method in class org.nd4j.graph.UIVariable
 
controlDepsForOpLength() - Method in class org.nd4j.graph.UIVariable
 
controlDepsForVar - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
controlDepsForVar(int) - Method in class org.nd4j.graph.UIVariable
 
controlDepsForVarLength() - Method in class org.nd4j.graph.UIVariable
 
controlDepsLength() - Method in class org.nd4j.graph.UIOp
 
controlDepsLength() - Method in class org.nd4j.graph.UIVariable
 
ControlFlowContextDef - Class in org.tensorflow.framework
Container for any kind of control flow context.
ControlFlowContextDef.Builder - Class in org.tensorflow.framework
Container for any kind of control flow context.
ControlFlowContextDef.CtxtCase - Enum in org.tensorflow.framework
 
ControlFlowContextDefOrBuilder - Interface in org.tensorflow.framework
 
ControlFlowProtos - Class in org.tensorflow.framework
 
conv1d(SDVariable, SDVariable, Conv1DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Conv1d operation.
conv1d(SDVariable, SDVariable, Conv1DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
1D Convolution layer operation - Conv1d
conv1d(String, SDVariable, SDVariable, Conv1DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Conv1d operation.
Conv1D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Conv2D operation
Conv1D(SameDiff, SDVariable[], INDArray[], INDArray[], Conv1DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
Conv1DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
Conv1DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv1DConfig
 
conv2d(SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Conv2d operation.
conv2d(SDVariable, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution operation (without bias)
conv2d(SDVariable, SDVariable, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution operation with optional bias
conv2d(SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution operation with optional bias
conv2d(String, SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution operation with optional bias
Conv2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Conv2D operation
Conv2D(SameDiff, SDVariable[], INDArray[], INDArray[], Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
conv2d(INDArray, INDArray, Convolution.Type) - Method in class org.nd4j.linalg.convolution.BaseConvolution
2d convolution (aka the last 2 dimensions
conv2d(INDArray, INDArray, Convolution.Type) - Static method in class org.nd4j.linalg.convolution.Convolution
2d convolution (aka the last 2 dimensions
conv2d(INDArray, INDArray, Convolution.Type) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
2d convolution (aka the last 2 dimensions
conv2DConfig - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
Conv2DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
Conv2DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv2DConfig
 
conv2DConfig - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
conv2DConfig - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
Conv2DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Conv2DDerivative operation
Conv2DDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
Conv2DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
conv3d(SDVariable[], Conv3DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Conv3d operation.
conv3d(SDVariable, SDVariable, Conv3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 3D operation without bias
conv3d(String, SDVariable, SDVariable, SDVariable, Conv3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 3D operation with optional bias
conv3d(SDVariable, SDVariable, SDVariable, Conv3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 3D operation with optional bias
conv3d(String, SDVariable, SDVariable, Conv3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 3D operation without bias
Conv3D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Conv3D operation
Conv3D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
Conv3D(SameDiff, SDVariable[], INDArray[], INDArray[], Conv3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
Conv3DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
Conv3DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv3DConfig
 
Conv3DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Conv3DDerivative operation
Conv3DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
Conv3DDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], Conv3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
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(DataTypeEx, INDArray, DataTypeEx) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertDataEx(DataTypeEx, DataBuffer, DataTypeEx) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertDataEx(DataTypeEx, DataBuffer, DataTypeEx, DataBuffer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertDataEx(DataTypeEx, Pointer, DataTypeEx, Pointer, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertDataEx(DataTypeEx, Pointer, DataTypeEx, DataBuffer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
convertFromApacheMatrix(RealMatrix, DataType) - 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.
convertToConstant(SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Convert the specified variable to a constant.
convertToConstant() - Method in class org.nd4j.autodiff.samediff.SDVariable
Convert this variable to a constant.
convertToConstants(List<SDVariable>) - Method in class org.nd4j.autodiff.samediff.SameDiff
Convert all of the specified variables to constants.
convertToDataType(DataType) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
convertToFlatBuffers(SameDiff, ExecutorConfiguration) - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
 
convertToFlatBuffers(SameDiff, ExecutorConfiguration) - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
This method converts given SameDiff instance to FlatBuffers representation
convertToNumpy(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Converts an INDArray to a numpy struct.
convertToNumpy(INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Convert an INDArray to a numpy array.
convertToVariable(SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Convert the specified variable to a VARIABLE type SDVariable.
This can only be done for constants and placeholders, not ARRAY type variables (which are usually network activations).
convertToVariable() - Method in class org.nd4j.autodiff.samediff.SDVariable
Convert this variable to a VARIABLE type SDVariable.
This can only be done for constants and placeholders, not ARRAY type variables (which are usually network activations).
convertToVariables(List<SDVariable>) - Method in class org.nd4j.autodiff.samediff.SameDiff
Convert the specified variables to VARIABLE type SDVariables.
This can only be done for constants and placeholders, not ARRAY type variables (which are usually network activations).
convertType(DataType) - Static method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
convertType(DataType) - Static method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
convn(INDArray, INDArray, 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(INDArray, INDArray, 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(INDArray, INDArray, Convolution.Type) - Method in interface org.nd4j.linalg.convolution.ConvolutionInstance
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
 
COO_SPARSE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorInfo
 
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(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
copy a vector to another vector.
copy(INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
copy(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
copy(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
copy a vector to another vector.
copy(long, DataBuffer, int, int, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
copy a vector to another vector.
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(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Copy a to b
copy(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
copy(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute y <- x (copy a matrix)
copy(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast copy op.
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
CopyOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Copy operation
CopyOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
CopyOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
CopyOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
CopyOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
CopyOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
CopyOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
CopyOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
CopyOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
cOrFortranOrder(long[], long[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
Infer order from
cOrFortranOrder(int[], int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
Deprecated.
correlationR2(int) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
cos(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cos(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise cosine operation: out = cos(x)
cos(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise cosine operation: out = cos(x)
Cos - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Cosine elementwise function
Cos(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
Cos() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
Cos(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
Cos(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
 
cosh(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cosh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise cosh (hyperbolic cosine) operation: out = cosh(x)
cosh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise cosh (hyperbolic cosine) operation: out = cosh(x)
Cosh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Cosine Hyperbolic elementwise function
Cosh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
Cosh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
Cosh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
Cosh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cosineDistance(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
cosineDistance(String, SDVariable, SDVariable, SDVariable, LossReduce, int) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Cosine distance loss: 1 - cosineSimilarity(x,y) or 1 - sum_i label[i] * prediction[i], which is equivalent to cosine distance when both the predictions and labels are normalized.
Note: This loss function assumes that both the predictions and labels are normalized to have unit l2 norm.
cosineDistance(String, SDVariable, SDVariable, LossReduce, int) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
cosineDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
cosineDistance(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Cosine distance reduction operation.
CosineDistance - Class in org.nd4j.linalg.api.ops.impl.reduce3
Cosine distance Note that you need to initialize a scaling constant equal to the norm2 of the vector
CosineDistance(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
CosineDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
CosineDistance(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
CosineDistance(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
CosineDistance(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
CosineDistance(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
CosineDistance(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
CosineDistance(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
cosineDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
CosineDistanceLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Cosine distance loss
CosineDistanceLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.CosineDistanceLoss
 
CosineDistanceLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.CosineDistanceLoss
 
CosineDistanceLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Cosine distance loss
CosineDistanceLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.CosineDistanceLossBp
 
CosineDistanceLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.CosineDistanceLossBp
 
cosineSim(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Cosine similarity
cosineSimilarity(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cosineSimilarity(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
cosineSimilarity(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Cosine similarity pairwise reduction operation.
CosineSimilarity - Class in org.nd4j.linalg.api.ops.impl.reduce3
Cosine similarity Note that you need to initialize a scaling constant equal to the norm2 of the vector
CosineSimilarity(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
CosineSimilarity(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
COST_GRAPH_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphResponse
 
COST_GRAPH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunMetadata
 
costArray - Variable in class org.nd4j.evaluation.classification.Evaluation
 
CostGraphDef - Class in org.tensorflow.framework
Protobuf type tensorflow.CostGraphDef
CostGraphDef.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.CostGraphDef
CostGraphDef.Node - Class in org.tensorflow.framework
Protobuf type tensorflow.CostGraphDef.Node
CostGraphDef.Node.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.CostGraphDef.Node
CostGraphDef.Node.InputInfo - Class in org.tensorflow.framework
Inputs of this node.
CostGraphDef.Node.InputInfo.Builder - Class in org.tensorflow.framework
Inputs of this node.
CostGraphDef.Node.InputInfoOrBuilder - Interface in org.tensorflow.framework
 
CostGraphDef.Node.OutputInfo - Class in org.tensorflow.framework
Outputs of this node.
CostGraphDef.Node.OutputInfo.Builder - Class in org.tensorflow.framework
Outputs of this node.
CostGraphDef.Node.OutputInfoOrBuilder - Interface in org.tensorflow.framework
 
CostGraphDef.NodeOrBuilder - Interface in org.tensorflow.framework
 
CostGraphDefOrBuilder - Interface in org.tensorflow.framework
 
CostGraphProtos - Class in org.tensorflow.framework
 
counter - Variable in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
counter - Variable in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
countinf() - Method in class org.nd4j.graph.UISummaryStatistics
 
countnan() - Method in class org.nd4j.graph.UISummaryStatistics
 
countnegative() - Method in class org.nd4j.graph.UISummaryStatistics
 
countNNZ() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Count the number of value that are included in the ndarray (view) according to the sparse offsets and the shape
countNonZero(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
countNonZero(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Count non zero array reduction operation, optionally along specified dimensions: out = count(x != 0)
countNonZero(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Count non zero array reduction operation, optionally along specified dimensions: out = count(x != 0)
CountNonZero - Class in org.nd4j.linalg.api.ops.impl.reduce.longer
Count the number of non-zero elements
CountNonZero(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.CountNonZero
 
CountNonZero(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.CountNonZero
 
countpositive() - Method in class org.nd4j.graph.UISummaryStatistics
 
CountsForThreshold(double) - Constructor for class org.nd4j.evaluation.classification.ROC.CountsForThreshold
 
countZero(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
countZero(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Count zero array reduction operation, optionally along specified dimensions: out = count(x == 0)
countZero(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Count zero array reduction operation, optionally along specified dimensions: out = count(x == 0)
countzero() - Method in class org.nd4j.graph.UISummaryStatistics
 
CountZero - Class in org.nd4j.linalg.api.ops.impl.reduce.longer
Count the number of zero elements
CountZero(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.CountZero
 
CountZero(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.CountZero
 
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
 
CRC32C_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleEntryProto
 
create(SameDiff) - Static method in class org.nd4j.autodiff.samediff.SameDiff
Create a new SameDiff instance from an existing instance.
create() - Static method in class org.nd4j.autodiff.samediff.SameDiff
Create a new (empty) SameDiff instance without any functions or variables
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, long[], long[], 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(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[], DataType, MemoryWorkspace) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(int[], int[], int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(long, long, 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(long) - 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[], long, long, 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(float[], long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(double[], long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(double[], long, long, 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(long, long, 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(long[], long[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(long, long, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(long[], long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(long[], long[], long, char) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
create(int[], int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(long, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates an ndarray with the specified shape
create(long[]) - 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[], long[], long[], char, DataType, MemoryWorkspace) - 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(LongShapeDescriptor) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(LongShapeDescriptor, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(boolean[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(List<? extends Number>) - 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(long[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(boolean[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(boolean[][], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(int[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(int[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(int[], long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(long[], long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[], long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[], long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(short[], long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(byte[], long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(boolean[], long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(int[], long[], long[], char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(long[], long[], long[], char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[], long[], long[], char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[], long[], long[], char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(short[], long[], long[], char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(byte[], long[], long[], char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(boolean[], long[], long[], char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(float[], int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndrray with the specified shape
create(float[], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(double[], long[], long[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(float[], long[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[], int[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(double[], long[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(List<INDArray>, long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(long[], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(long...) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified shape
create(DataType, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(double[], 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, long[], long[], 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, long[], long[], long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, long[], long[], long, long, char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, long[], long[], long, char, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataBuffer, long[]) - 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[], DataType) - 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(float[], long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[], long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(long[], long[], 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(long[], long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(long, long, 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(long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataType, long[], long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(DataType, long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(double[], int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(String...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(Collection<String>, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
create(Collection<String>, long[], char) - 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 a matrix from the given data and ordering
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(long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
create(DataBuffer, long, long, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(float[], long, long, 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(float[], long[], long[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long[], long[], char, DataType) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
create(double[], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
create(double[], long, long, 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(double[], long[], long[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], long[], long[], DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long[], long[], DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(long[], long[], long[], DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], long[], long[], DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(short[], long[], long[], DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(byte[], long[], long[], DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(boolean[], long[], long[], DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], long[], long[], char, DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long[], long[], char, DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(long[], long[], long[], char, DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], long[], long[], char, DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(short[], long[], long[], char, DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(byte[], long[], long[], char, DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(boolean[], long[], long[], char, DataType, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create an ndrray with the specified shape
create(DataBuffer, long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(DataBuffer, long[], long[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(List<INDArray>, int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(List<INDArray>, long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(long, long, int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(long, long, long[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates an ndarray with the specified shape
create(long[], long[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(long, long, 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(long[], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(long, long) - 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(long[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataType, long[], char, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataType, long[], long[], char, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, int[], int[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, long[], long[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, long[], long[], long, long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(DataBuffer, long[], long[], long, char, DataType) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], int[], long, Character) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long, long, 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(List<INDArray>, long[], 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(long, long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(int[], DataType, MemoryWorkspace) - 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(float[], long[], long[], 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(long[], long[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long[], long[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], long[], long[], long, char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long[], long, Character) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], long[], long, Character) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(float[], long[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(double[], long[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(Collection<String>, long[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
create(T, DataType, long...) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
create(T, DataType, long[], char) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
create(T, DataType, long...) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Create an array in the specified array type's workspace (or detached if none is specified).
create(T, DataType, long[], char) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Create an array in the specified array type's workspace (or detached if none is specified).
create(long[], INDArray) - Method in class org.nd4j.weightinit.BaseWeightInitScheme
 
create(DataType, long...) - Method in class org.nd4j.weightinit.BaseWeightInitScheme
 
create(long[], INDArray) - Method in class org.nd4j.weightinit.impl.NDArraySupplierInitScheme
 
create(DataType, long[]) - Method in class org.nd4j.weightinit.impl.NDArraySupplierInitScheme
 
create(long[], INDArray) - Method in interface org.nd4j.weightinit.WeightInitScheme
Create the array
create(DataType, long...) - Method in interface org.nd4j.weightinit.WeightInitScheme
Create the array
CREATE_WORKER_SESSION_CALLED_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.DeregisterGraphRequest
 
CREATE_WORKER_SESSION_CALLED_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphRequest
 
CREATE_WORKER_SESSION_CALLED_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
createArrayFromShapeBuffer(DataBuffer, DataBuffer) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createArrayFromShapeBuffer(DataBuffer, Pair<DataBuffer, long[]>) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createAVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatProperties
 
createBinlabelsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIHistogram
 
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
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[], DataType, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer equal of length prod(shape)
createBuffer(ByteBuffer, DataType, int, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a buffer of the specified opType 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 opType
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 opType
createBuffer(Pointer, long, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBuffer(float[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data opType
createBuffer(double[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data opType
createBuffer(int[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer equal of length prod(shape)
createBuffer(long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBuffer(ByteBuffer, DataType, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a buffer of the specified opType 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 opType
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
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 opType
createBuffer(Pointer, DataType, long, Indexer) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a data buffer based on a pointer with the given opType and length
createBuffer(long, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBuffer(DataType, long, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBuffer(DataType, long, boolean, MemoryWorkspace) - 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 opType
createBuffer(double[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a buffer based on the data opType
createBufferDetached(int[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createBufferDetached(long[], DataType) - 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(long[]) - 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
 
createBufferVector(FlatBufferBuilder, byte[]) - Static method in class org.nd4j.graph.FlatArray
 
createBVector(FlatBufferBuilder, boolean[]) - Static method in class org.nd4j.graph.FlatProperties
 
createConstant(double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createConstant(double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Creates constant distribution
createControlDepsForOpVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIVariable
 
createControlDepsForVarVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIVariable
 
createControlDepsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIOp
 
createControlDepsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIVariable
 
createCoveringShape(int[]) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Creates an index covering the given shape (for each dimension 0,shape[i])
createCoveringShape(long[]) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
 
createDimensionsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatNode
 
createDVector(FlatBufferBuilder, double[]) - Static method in class org.nd4j.graph.FlatProperties
 
createExtraBoolsVector(FlatBufferBuilder, boolean[]) - Static method in class org.nd4j.graph.FlatNode
 
createExtraIntegerVector(FlatBufferBuilder, long[]) - Static method in class org.nd4j.graph.FlatNode
 
createExtraParamsVector(FlatBufferBuilder, double[]) - Static method in class org.nd4j.graph.FlatNode
 
createFlatArray(FlatBufferBuilder, int, int, byte, byte) - Static method in class org.nd4j.graph.FlatArray
 
createFlatArrayList(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArrayList
 
createFlatConfiguration(FlatBufferBuilder, long, byte, byte, byte, boolean, long, long, byte) - Static method in class org.nd4j.graph.FlatConfiguration
 
createFlatDropRequest(FlatBufferBuilder, long) - Static method in class org.nd4j.graph.FlatDropRequest
 
createFlatGraph(FlatBufferBuilder, long, int, int, int, int, int, int) - Static method in class org.nd4j.graph.FlatGraph
 
createFlatInferenceRequest(FlatBufferBuilder, long, int, int) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
createFlatNode(FlatBufferBuilder, int, int, byte, long, int, int, int, int, int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.nd4j.graph.FlatNode
 
createFlatProperties(FlatBufferBuilder, int, int, int, int, int, int, int, int) - Static method in class org.nd4j.graph.FlatProperties
 
createFlatResponse(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResponse
 
createFlatResult(FlatBufferBuilder, long, int, int, long, long) - Static method in class org.nd4j.graph.FlatResult
 
createFlatTiming(FlatBufferBuilder, int, int, int) - Static method in class org.nd4j.graph.FlatTiming
 
createFlatVariable(FlatBufferBuilder, int, int, byte, int, int, int, byte) - Static method in class org.nd4j.graph.FlatVariable
 
createFrameIteration(FlatBufferBuilder, int, int) - Static method in class org.nd4j.graph.FrameIteration
 
createFromArray(double...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(float...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(short...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(byte...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(long...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(boolean...) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(double[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(float[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(long[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(int[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(short[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(byte[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(boolean[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(double[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(float[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(long[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(int[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(short[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(byte[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(boolean[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(double[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(float[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(long[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(int[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(short[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(byte[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(boolean[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Double[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Float[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Integer[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Short[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Byte[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Boolean[]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Double[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Float[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Integer[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Short[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Byte[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Long[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Boolean[][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Double[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Float[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Integer[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Short[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Byte[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Long[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Boolean[][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Double[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Float[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Integer[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Short[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Byte[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Long[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromArray(Boolean[][][][]) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates INDArray from provided jvm array
createFromFlatArray(FlatArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an INDArray from a flatbuffers FlatArray
createFromNpyFile(File) - Static method in class org.nd4j.linalg.factory.Nd4j
Create from a given Numpy .npy file.
createFromNpyFile(File) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create from a given numpy file.
createFromNpyHeaderPointer(Pointer) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create from an in memory numpy header.
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
createFromNpzFile(File) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createFromNpzFile(File) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a Map from given npz file.
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
createGpuMemoryVector(FlatBufferBuilder, long[]) - Static method in class org.nd4j.graph.UIHardwareState
 
createGradFunction() - Method in class org.nd4j.autodiff.samediff.SameDiff
Create the gradient function (for calculating gradients via SameDiff.execBackwards(Map)) if it is not already defined.
createIndiceBuffer(long[][], long[]) - Static method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Create a DataBuffer for indices of given arrays of indices.
createIndiceBuffer(int[][], long[]) - Static method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Create a DataBuffer for indices of given arrays of indices.
createInputMatrix(int) - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
Creates a feature vector
createInputPairedVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatNode
 
createInputsForOpVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIVariable
 
createInputsPairVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIGraphStructure
 
createInputsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIGraphStructure
 
createInputsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIOp
 
createInputVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatNode
 
createIntPair(FlatBufferBuilder, int, int) - Static method in class org.nd4j.graph.IntPair
 
createIntTriple(FlatBufferBuilder, int, int, int) - Static method in class org.nd4j.graph.IntTriple
 
createIVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatProperties
 
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
createListVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatArrayList
 
createLogNormal(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createLogNormal(double, double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Creates a log-normal distribution
createLongPair(FlatBufferBuilder, long, long) - Static method in class org.nd4j.graph.LongPair
 
createLongTriple(FlatBufferBuilder, long, long, long) - Static method in class org.nd4j.graph.LongTriple
 
createLossVariablesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatGraph
 
createLVector(FlatBufferBuilder, long[]) - Static method in class org.nd4j.graph.FlatProperties
 
createNodesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatGraph
 
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
createNpyFromByteArray(byte[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an INDArray from the given numpy input.
The numpy input follows the format: https://docs.scipy.org/doc/numpy-1.14.0/neps/npy-format.html
createNpyFromInputStream(InputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a numpy array based on the passed in input stream
createOpsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIGraphStructure
 
createOrthogonal(double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createOrthogonal(double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Creates orthogonal distribution
createOutputMatrix(int) - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
 
createOutputNamesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatNode
 
createOutputsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatGraph
 
createOutputsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIGraphStructure
 
createOutputsVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIOp
 
createOutputTypesVector(FlatBufferBuilder, byte[]) - Static method in class org.nd4j.graph.FlatNode
 
createOutputVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatNode
 
createOutputVector(int) - Method in class org.nd4j.linalg.dataset.api.iterator.fetcher.BaseDataFetcher
Creates an output label matrix
createPlaceholdersVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatGraph
 
createPropertiesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatNode
 
createScalar(double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
createScalarForIndex(long, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
CreateSessionRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateSessionRequest
CreateSessionRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateSessionRequest
CreateSessionRequestOrBuilder - Interface in org.tensorflow.distruntime
 
CreateSessionResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateSessionResponse
CreateSessionResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateSessionResponse
CreateSessionResponseOrBuilder - Interface in org.tensorflow.distruntime
 
createShapeInformation(long[], DataType) - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
This method creates shapeInformation buffer, based on shape being passed in
createShapeInformation(long[], char, DataType) - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
This method creates shapeInformation buffer, based on shape & order being passed in
createShapeInformation(long[], long[], long, char, DataType) - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
 
createShapeInformation(long[], long[], long, char, long) - Method in class org.nd4j.linalg.api.ndarray.BaseShapeInfoProvider
 
createShapeInformation(long[], DataType) - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method creates long shapeInformation buffer, based on shape being passed in
createShapeInformation(long[], char, DataType) - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method creates long shapeInformation buffer, based on shape & order being passed in
createShapeInformation(long[], long[], long, char, DataType) - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
This method creates long shapeInformation buffer, based on detailed shape info being passed in
createShapeInformation(long[], long[], long, char, long) - Method in interface org.nd4j.linalg.api.ndarray.ShapeInfoProvider
 
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
createShapeInformation(long[], long[], long, char, DataType) - Static method in class org.nd4j.linalg.api.shape.Shape
 
createShapeInformation(long[], long[], long, char, long) - Static method in class org.nd4j.linalg.api.shape.Shape
 
createShapeVector(FlatBufferBuilder, long[]) - Static method in class org.nd4j.graph.FlatArray
 
createShapeVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatProperties
 
createShapeVector(FlatBufferBuilder, long[]) - Static method in class org.nd4j.graph.FlatVariable
 
createShapeVector(FlatBufferBuilder, long[]) - Static method in class org.nd4j.graph.UIVariable
 
createSparseCOO(double[], int[][], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCOO(float[], int[][], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCOO(double[], long[][], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCOO(float[], long[][], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCOO(DataBuffer, DataBuffer, long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCOO(DataBuffer, DataBuffer, DataBuffer, long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCOO(DataBuffer, DataBuffer, long[], int[], long[], int[], int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCOO(double[], long[][], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCOO(float[], long[][], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCOO(double[], int[][], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCOO(float[], int[][], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCOO(DataBuffer, DataBuffer, long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCOO(DataBuffer, DataBuffer, DataBuffer, long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCOO(DataBuffer, DataBuffer, long[], int[], int[], int, long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCSR(double[], int[], int[], int[], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCSR(float[], int[], int[], int[], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCSR(DataBuffer, int[], int[], int[], long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createSparseCSR(double[], int[], int[], int[], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCSR(float[], int[], int[], int[], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseCSR(DataBuffer, int[], int[], int[], long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createSparseInformation(int[], long[], int[], int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseInfoProvider
 
createSparseInformation(int[], long[], int[], int) - Method in interface org.nd4j.linalg.api.ndarray.SparseInfoProvider
 
createSparseInformation(int[], long[], int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
createSparseInformationBuffer(int) - Static method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Create a SparseInfo databuffer given rank if of the sparse matrix.
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
 
createSVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatProperties
 
createTimingVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatResult
 
createTruncatedNormal(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.factory.DefaultDistributionFactory
 
createTruncatedNormal(double, double) - Method in interface org.nd4j.linalg.api.rng.distribution.factory.DistributionFactory
Creates truncated normal distribution
createTypedBuffer(double[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates
createTypedBuffer(float[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(int[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(short[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(byte[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(boolean[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(double[], DataType, MemoryWorkspace) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(float[], DataType, MemoryWorkspace) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(int[], DataType, MemoryWorkspace) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(long[], DataType, MemoryWorkspace) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(short[], DataType, MemoryWorkspace) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(byte[], DataType, MemoryWorkspace) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBuffer(boolean[], DataType, MemoryWorkspace) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBufferDetached(double[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBufferDetached(float[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBufferDetached(int[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBufferDetached(long[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBufferDetached(short[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBufferDetached(byte[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createTypedBufferDetached(boolean[], DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createUIAddName(FlatBufferBuilder, int, int) - Static method in class org.nd4j.graph.UIAddName
 
createUIEvent(FlatBufferBuilder, byte, int, long, int, int, short, int, int) - Static method in class org.nd4j.graph.UIEvent
 
createUIGraphStructure(FlatBufferBuilder, int, int, int, int, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
createUIHardwareState(FlatBufferBuilder, int, long) - Static method in class org.nd4j.graph.UIHardwareState
 
createUIHistogram(FlatBufferBuilder, byte, long, int, int, int) - Static method in class org.nd4j.graph.UIHistogram
 
createUIOp(FlatBufferBuilder, int, int, int, int, int, int) - Static method in class org.nd4j.graph.UIOp
 
createUIStaticInfoRecord(FlatBufferBuilder, byte) - Static method in class org.nd4j.graph.UIStaticInfoRecord
 
createUISummaryStatistics(FlatBufferBuilder, long, int, int, double, double, long, long, long, long, long) - Static method in class org.nd4j.graph.UISummaryStatistics
 
createUISystemInfo(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UISystemInfo
 
createUIVariable(FlatBufferBuilder, int, int, byte, byte, int, int, int, int, int, int, int, int, int) - Static method in class org.nd4j.graph.UIVariable
 
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(long, long) - 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(DataType, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createUninitialized(DataType, long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createUninitialized(long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createUninitialized(int) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates an *uninitialized* ndarray of specified length and default ordering.
createUninitialized(long) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createUninitialized(int[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createUninitialized(long[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createUninitialized(DataType, long[], char, MemoryWorkspace) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createUninitialized(T, DataType, long...) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
createUninitialized(T, DataType, long[], char) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
createUninitialized(T, DataType, long...) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Create an uninitialized array in the specified array type's workspace (or detached if none is specified).
createUninitialized(T, DataType, long[], char) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Create an uninitialized array in the specified array type's workspace (or detached if none is specified).
createUninitializedDetached(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Cretes uninitialized INDArray detached from any (if any) workspace
createUninitializedDetached(long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
createUninitializedDetached(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Cretes uninitialized INDArray detached from any (if any) workspace
createUninitializedDetached(long[]) - 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
createUninitializedDetached(long[], char) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
createValueBuffer(float[]) - Static method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Create a DataBuffer for values of given array of values.
createValueBuffer(double[]) - Static method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Create a DataBuffer for values of given array of values.
createVariablesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatGraph
 
createVariablesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
createVariablesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.FlatResult
 
createVariablesVector(FlatBufferBuilder, int[]) - Static method in class org.nd4j.graph.UIGraphStructure
 
CreateWorkerSessionRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateWorkerSessionRequest
CreateWorkerSessionRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateWorkerSessionRequest
CreateWorkerSessionRequestOrBuilder - Interface in org.tensorflow.distruntime
 
CreateWorkerSessionResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateWorkerSessionResponse
CreateWorkerSessionResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.CreateWorkerSessionResponse
CreateWorkerSessionResponseOrBuilder - Interface in org.tensorflow.distruntime
 
CRITICAL_SECTION_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CriticalSectionDef
 
CriticalSectionDef - Class in org.tensorflow.framework
Protocol buffer representing a CriticalSection.
CriticalSectionDef.Builder - Class in org.tensorflow.framework
Protocol buffer representing a CriticalSection.
CriticalSectionDefOrBuilder - Interface in org.tensorflow.framework
 
CriticalSectionExecutionDef - Class in org.tensorflow.framework
Protocol buffer representing a CriticalSection execution.
CriticalSectionExecutionDef.Builder - Class in org.tensorflow.framework
Protocol buffer representing a CriticalSection execution.
CriticalSectionExecutionDefOrBuilder - Interface in org.tensorflow.framework
 
CriticalSectionProtos - Class in org.tensorflow.framework
 
cross(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cross(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
cross(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Returns the pair-wise cross product of equal size arrays a and b: a x b = ||a||x||b|| sin(theta).
Cross - Class in org.nd4j.linalg.api.ops.impl.shape
Pairwise cross-product of two tensors of the same shape.
Cross() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Cross
 
Cross(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Cross
 
Cross(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Cross
 
cross(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
cube(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cube(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise cube function: out = x^3
cube(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise cube function: out = x^3
Cube - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Cube (x^3) elementwise function
Cube(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
Cube() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
Cube(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
Cube(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
cubeDerivative(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
CubeDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Cube derivative, e.g.
CubeDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
CubeDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
CubeDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
CubeDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.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
 
cumprod(SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cumprod(SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
cumprod(String, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Cumulative product operation.
For input: [ a, b, c], output is:
exclusize=false, reverse=false: [a, a*b, a*b*c]
exclusive=true, reverse=false, [0, a, a*b]
exclusive=false, reverse=true: [a*b*c, b*c, c]
exclusive=true, reverse=true: [b*c, c, 0]

CumProd - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
CumProd() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
CumProd(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
CumProd(SameDiff, SDVariable, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
CumProd(INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
cumprodBp(SDVariable, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
CumProdBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for cumulative product operation
CumProdBp(SameDiff, SDVariable, SDVariable, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.CumProdBp
 
CumProdBp(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.CumProdBp
 
CumProdBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.CumProdBp
 
cumsum(SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
cumsum(SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
cumsum(String, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Cumulative sum operation.
For input: [ a, b, c], output is:
exclusize=false, reverse=false: [a, a+b, a+b+c]
exclusive=true, reverse=false, [0, a, a+b]
exclusive=false, reverse=true: [a+b+c, b+c, c]
exclusive=true, reverse=true: [b+c, c, 0]

cumsum(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Cumulative sum along a dimension (in place)
cumsum(int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
cumsum(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the cumulative sum along a dimension.
CumSum - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Cumulative sum operation, optionally along dimension.
CumSum() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
CumSum(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
CumSum(SameDiff, SDVariable, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
CumSum(INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
cumsum(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
cumsum(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
cumsumBp(SDVariable, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
CumSumBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for cumulative sum operation
CumSumBp(SameDiff, SDVariable, SDVariable, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.CumSumBp
 
CumSumBp(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.CumSumBp
 
CumSumBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.CumSumBp
 
cumsumi(int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Cumulative sum along a dimension
cumsumi(int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.ConstantDistribution
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.ConstantDistribution
Deprecated.
See org.apache.commons.math3.distribution.RealDistribution#cumulativeProbability(double, double)
cumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
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.LogNormalDistribution
Deprecated.
See org.apache.commons.math3.distribution.RealDistribution#cumulativeProbability(double, double)
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.OrthogonalDistribution
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.OrthogonalDistribution
Deprecated.
See org.apache.commons.math3.distribution.RealDistribution#cumulativeProbability(double, double)
cumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
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.TruncatedNormalDistribution
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_GRAPH_VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExtendSessionRequest
 
CURRENT_WORK_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ReaderBaseState
 
currentMomentum(int, int) - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
currentSize - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
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
CUSTOM - Static variable in class org.nd4j.graph.OpType
 
CUSTOM - Static variable in class org.nd4j.graph.UIHistogramType
 
CUSTOM_OPTIMIZERS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
CustomOp - Interface in org.nd4j.linalg.api.ops
This interface describe "custom operations.
customOpClassForHashAndName(long, String) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
 
CustomOpDescriptor - Class in org.nd4j.linalg.api.ops
This class is simple POJO that contains basic information about CustomOp
CustomOpDescriptor() - Constructor for class org.nd4j.linalg.api.ops.CustomOpDescriptor
 
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
 
CycleSchedule - Class in org.nd4j.linalg.schedule
Cycle schedule Based on 1cycle schedule as proposed in https://arxiv.org/abs/1803.09820 Starts at initial learning rate, then linearly increases learning rate until max learning rate is reached, at that point the learning rate is decreased back to initial learning rate.
CycleSchedule(ScheduleType, double, double, int, int, double) - Constructor for class org.nd4j.linalg.schedule.CycleSchedule
 
CycleSchedule(ScheduleType, double, int) - Constructor for class org.nd4j.linalg.schedule.CycleSchedule
 
cyclesCount - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 

D

d(int) - Method in class org.nd4j.graph.FlatProperties
 
dAsByteBuffer() - Method in class org.nd4j.graph.FlatProperties
 
dasum(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dasum(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dasum(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
data() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
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
 
DATA_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
DATA_LOSS_VALUE - Static variable in enum org.tensorflow.framework.Code
Unrecoverable data loss or corruption.
DATA_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
DATA_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
DATA_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
dataBufferFactoryClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
DataBufferFastCloner - Class in org.nd4j.autodiff.util.cloner
 
DataBufferFastCloner() - Constructor for class org.nd4j.autodiff.util.cloner.DataBufferFastCloner
 
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.
dataSetFeatureMapping(String...) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the name of the placeholders/variables that should be set using the feature INDArray(s) from the DataSet or MultiDataSet.
dataSetFeatureMapping(List<String>) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the name of the placeholders/variables that should be set using the feature INDArray(s) from the DataSet or MultiDataSet.
dataSetFeatureMaskMapping(List<String>) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the name of the placeholders/variables that should be set using the feature mask INDArray(s) from the DataSet or MultiDataSet.
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
dataSetLabelMapping(String...) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the name of the placeholders/variables that should be set using the labels INDArray(s) from the DataSet or MultiDataSet.
dataSetLabelMapping(List<String>) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the name of the placeholders/variables that should be set using the labels INDArray(s) from the DataSet or MultiDataSet.
dataSetLabelMaskMapping(List<String>) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the name of the placeholders/variables that should be set using the label mask INDArray(s) from the DataSet or MultiDataSet.
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
 
DataSetUtils - Class in org.nd4j.linalg.util
shows content of some classes
DataSetUtils(SIS, String) - Constructor for class org.nd4j.linalg.util.DataSetUtils
 
dataType - Variable in class org.nd4j.autodiff.samediff.SDVariable
 
dataType() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
DataType - Class in org.nd4j.graph
 
datatype() - Method in class org.nd4j.graph.UIVariable
 
dataType() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
dataType() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
dataType() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns dtype for this INDArray
dataType - Variable in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
dataType - Variable in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
dataType - Variable in class org.nd4j.linalg.api.ops.impl.shape.Size
 
dataType() - Method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
dataType(long) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
dataType(long[]) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
dataType(String) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
dataType() - Static method in class org.nd4j.linalg.factory.Nd4j
Returns the data opType used for the runtime
DataType - Enum in org.tensorflow.framework
LINT.IfChange
DataTypeAdapter - Class in org.nd4j.imports.descriptors.properties.adapters
 
DataTypeAdapter() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.DataTypeAdapter
 
DataTypeCalc() - Constructor for class org.nd4j.autodiff.samediff.internal.DataTypesSession.DataTypeCalc
 
dataTypeForTensor(TENSOR_TYPE, int) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
dataTypeForTensor(OnnxProto3.TypeProto.Tensor, int) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
dataTypeForTensor(NodeDef, int) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
DataTypesSession - Class in org.nd4j.autodiff.samediff.internal
Infer datatypes for all variables
DataTypesSession(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.internal.DataTypesSession
 
DataTypesSession.DataTypeCalc - Class in org.nd4j.autodiff.samediff.internal
 
DataTypeValidation - Class in org.nd4j.linalg.factory
Data opType validation
DataTypeValidation() - Constructor for class org.nd4j.linalg.factory.DataTypeValidation
 
daxpy(long, double, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
daxpy(long, double, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
daxpyi(long, double, INDArray, DataBuffer, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
DCOMPLEX_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
dcoomv(char, int, DataBuffer, DataBuffer, DataBuffer, int, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
dcopy(long, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dcopy(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ddot(long, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ddot(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
ddoti(long, INDArray, DataBuffer, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
DEADLINE_EXCEEDED_VALUE - Static variable in enum org.tensorflow.framework.Code
Deadline expired before operation could complete.
DeallocatableReference - Class in org.nd4j.linalg.memory.deallocation
This method implements WeakReference for Deallocatable objects
DeallocatableReference(Deallocatable, ReferenceQueue<? super Deallocatable>) - Constructor for class org.nd4j.linalg.memory.deallocation.DeallocatableReference
 
deallocator() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
DeallocatorService - Class in org.nd4j.linalg.memory.deallocation
This class provides unified management for Deallocatable resources
DeallocatorService() - Constructor for class org.nd4j.linalg.memory.deallocation.DeallocatorService
 
debug - Variable in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
DEBUG_OPS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebugTensorWatch
 
DEBUG_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphRequest
 
DEBUG_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions
 
DEBUG_STRIPPER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
DEBUG_TENSOR_WATCH_OPTS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebugOptions
 
DEBUG_URLS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebugTensorWatch
 
DebugAction - Class in org.nd4j.linalg.env.impl
 
DebugAction() - Constructor for class org.nd4j.linalg.env.impl.DebugAction
 
DebuggedSourceFile - Class in org.tensorflow.framework
Protobuf type tensorflow.DebuggedSourceFile
DebuggedSourceFile.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.DebuggedSourceFile
DebuggedSourceFileOrBuilder - Interface in org.tensorflow.framework
 
DebuggedSourceFiles - Class in org.tensorflow.framework
Protobuf type tensorflow.DebuggedSourceFiles
DebuggedSourceFiles.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.DebuggedSourceFiles
DebuggedSourceFilesOrBuilder - Interface in org.tensorflow.framework
 
debugMode - Variable in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
DebugOptions - Class in org.tensorflow.framework
EXPERIMENTAL.
DebugOptions.Builder - Class in org.tensorflow.framework
EXPERIMENTAL.
DebugOptionsOrBuilder - Interface in org.tensorflow.framework
 
DebugProtos - Class in org.tensorflow.framework
 
DebugTensorWatch - Class in org.tensorflow.framework
EXPERIMENTAL.
DebugTensorWatch.Builder - Class in org.tensorflow.framework
EXPERIMENTAL.
DebugTensorWatchOrBuilder - Interface in org.tensorflow.framework
 
decompress(DataBuffer, DataType) - 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, DataType) - 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
deconv2d(SDVariable[], DeConv2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Deconv2d operation.
deconv2d(SDVariable, SDVariable, DeConv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D deconvolution operation without bias
deconv2d(SDVariable, SDVariable, SDVariable, DeConv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D deconvolution operation with optional bias
deconv2d(SDVariable[], DeConv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D deconvolution operation with or without optional bias
deconv2d(String, SDVariable[], DeConv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D deconvolution operation with or without optional bias
DeConv2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
DeConv2D operation
DeConv2D(SameDiff, SDVariable[], INDArray[], INDArray[], DeConv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
DeConv2DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
DeConv2DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv2DConfig
 
DeConv2DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
DeConv2DDerivative operation
DeConv2DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
DeConv2DDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], DeConv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
DeConv2DTF - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
DeConv2D operation, TF-wrapper
DeConv2DTF(SameDiff, SDVariable[], INDArray[], INDArray[], DeConv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
deconv3d(SDVariable, SDVariable, SDVariable, DeConv3DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
deconv3d(String, SDVariable, SDVariable, SDVariable, DeConv3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
3D CNN deconvolution operation with or without optional bias
DeConv3D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
DeConv3D operation
DeConv3D(SameDiff, SDVariable, SDVariable, SDVariable, DeConv3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
DeConv3DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
DeConv3DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv3DConfig
 
deconv3dDerivative(SDVariable, SDVariable, SDVariable, SDVariable, DeConv3DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
DeConv3DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
DeConv3DDerivative operation
DeConv3DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
DeConv3DDerivative(SameDiff, SDVariable, SDVariable, SDVariable, SDVariable, DeConv3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
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.scalar.LeakyReLU
 
DEFAULT_AMSGRAD_BETA1_MEAN_DECAY - Static variable in class org.nd4j.linalg.learning.config.AMSGrad
 
DEFAULT_AMSGRAD_BETA2_VAR_DECAY - Static variable in class org.nd4j.linalg.learning.config.AMSGrad
 
DEFAULT_AMSGRAD_EPSILON - Static variable in class org.nd4j.linalg.learning.config.AMSGrad
 
DEFAULT_AMSGRAD_LEARNING_RATE - Static variable in class org.nd4j.linalg.learning.config.AMSGrad
 
DEFAULT_BETA - Static variable in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
 
DEFAULT_CLIPPING_EPSILON - Static variable in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
 
DEFAULT_DTYPE - Static variable in class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
DEFAULT_DTYPE - Static variable in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
DEFAULT_DTYPE - Static variable in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
DEFAULT_DTYPE - Static variable in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
DEFAULT_DTYPE - Static variable in class org.nd4j.linalg.api.ops.random.impl.Range
 
DEFAULT_EDGE_VALUE - Static variable in class org.nd4j.evaluation.classification.Evaluation
 
DEFAULT_EDGE_VALUE - Static variable in class org.nd4j.evaluation.classification.EvaluationBinary
 
DEFAULT_EPSILON - Static variable in class org.nd4j.linalg.api.ops.impl.loss.LogLoss
 
DEFAULT_FORMAT_PREC - Static variable in class org.nd4j.evaluation.curves.BaseCurve
 
DEFAULT_GRAPH_INPUT_TENSOR_SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
DEFAULT_GRAPH_OUTPUT_TENSOR_SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
DEFAULT_HISTOGRAM_NUM_BINS - Static variable in class org.nd4j.evaluation.classification.EvaluationCalibration
 
DEFAULT_IDX_DTYPE - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
DEFAULT_IDX_DTYPE - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
DEFAULT_INVERSE_ABSOLUTE_ACCURACY - Static variable in class org.nd4j.linalg.api.rng.distribution.impl.ConstantDistribution
Default inverse cumulative probability accuracy.
DEFAULT_INVERSE_ABSOLUTE_ACCURACY - Static variable in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Default inverse cumulative probability accuracy.
DEFAULT_INVERSE_ABSOLUTE_ACCURACY - Static variable in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Default inverse cumulative probability accuracy.
DEFAULT_INVERSE_ABSOLUTE_ACCURACY - Static variable in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
Default inverse cumulative probability accuracy.
DEFAULT_INVERSE_ABSOLUTE_ACCURACY - Static variable in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Default inverse cumulative probability accuracy.
DEFAULT_L - Static variable in class org.nd4j.linalg.activations.impl.ActivationRReLU
 
DEFAULT_LABEL_SMOOTHING - Static variable in class org.nd4j.linalg.api.ops.impl.loss.SigmoidCrossEntropyLoss
 
DEFAULT_LABEL_SMOOTHING - Static variable in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
DEFAULT_MAX_PRINT_ELEMENTS - Static variable in class org.nd4j.linalg.string.NDArrayStrings
The default number of elements for printing INDArrays (via NDArrayStrings or INDArray.toString)
DEFAULT_MEM_OPT_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.MemOptType
The default setting (SCHEDULING and SWAPPING HEURISTICS only)
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_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_NUM_ITERS_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
DEFAULT_NUM_ITERS = 0;
DEFAULT_PATTERN - Static variable in class org.nd4j.linalg.dataset.ExistingMiniBatchDataSetIterator
 
DEFAULT_PRECISION - Static variable in class org.nd4j.evaluation.classification.EvaluationBinary
 
DEFAULT_PRECISION - Static variable in class org.nd4j.evaluation.regression.RegressionEvaluation
 
DEFAULT_RELIABILITY_DIAG_NUM_BINS - Static variable in class org.nd4j.evaluation.classification.EvaluationCalibration
 
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_SESSION_CONFIG_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ServerDef
 
DEFAULT_SGD_LR - Static variable in class org.nd4j.linalg.learning.config.Sgd
 
DEFAULT_STATS_PRECISION - Static variable in class org.nd4j.evaluation.classification.ROCBinary
 
DEFAULT_STATS_PRECISION - Static variable in class org.nd4j.evaluation.classification.ROCMultiClass
 
DEFAULT_SWITCHNUM - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
DEFAULT_THETA - Static variable in class org.nd4j.linalg.activations.impl.ActivationThresholdedReLU
 
DEFAULT_U - Static variable in class org.nd4j.linalg.activations.impl.ActivationRReLU
 
DEFAULT_VALUE - Static variable in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
Default setting ("off" now, but later expected to be "on")
DEFAULT_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.Toggle
DEFAULT = 0;
DEFAULT_VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Attr
 
DEFAULT_VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.AttrDef
 
DEFAULT_VISIBILITY_VALUE - Static variable in enum org.tensorflow.framework.ApiDef.Visibility
Normally this is "VISIBLE" unless you are inheriting a different value from another ApiDef.
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
 
defaultFloatingPointType() - Static method in class org.nd4j.linalg.factory.Nd4j
 
DefaultOpConverter - Class in org.nd4j.linalg.api.ops
 
DefaultOpConverter() - Constructor for class org.nd4j.linalg.api.ops.DefaultOpConverter
 
DefaultOpExecutioner - Class in org.nd4j.linalg.api.ops.executioner
Basic op executioner.
DefaultOpExecutioner() - Constructor for class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
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
 
DefaultSameDiffConditional - Class in org.nd4j.autodiff.samediff.impl
 
DefaultSameDiffConditional() - Constructor for class org.nd4j.autodiff.samediff.impl.DefaultSameDiffConditional
 
DEFERRED_DELETION_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
DEFERRED_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawDeallocation
 
define(SameDiff, Map<String, INDArray>, SDVariable[]) - Method in interface org.nd4j.autodiff.samediff.SameDiffFunctionDefinition
 
definedFunctionNames() - Method in class org.nd4j.autodiff.samediff.SameDiff
The set of defined SameDiff function names.
defineDimensions(int...) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
defineFunction(String, SameDiffFunctionDefinition, SDVariable[]) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
defineFunction(String, SameDiffFunctionDefinition) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
defineFunction(String, SameDiffFunctionDefinition, Map<String, INDArray>) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
DeleteWorkerSessionRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.DeleteWorkerSessionRequest
DeleteWorkerSessionRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.DeleteWorkerSessionRequest
DeleteWorkerSessionRequestOrBuilder - Interface in org.tensorflow.distruntime
 
DeleteWorkerSessionResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.DeleteWorkerSessionResponse
DeleteWorkerSessionResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.DeleteWorkerSessionResponse
DeleteWorkerSessionResponseOrBuilder - Interface in org.tensorflow.distruntime
 
DENSE_SHAPE_TENSOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorInfo.CooSparse
 
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.ConstantDistribution
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.LogNormalDistribution
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.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.OrthogonalDistribution
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.TruncatedNormalDistribution
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.
DEPENDENCY_OPTIMIZATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
DEPRECATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
DEPRECATION_MESSAGE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Endpoint
 
depthToSpace(SDVariable, int, String) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
depthToSpace(SDVariable, int, String) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 2d layer batch to space operation on 4d input.
Reduces input channels dimension by rearranging data into a larger spatial dimensions
Example: if input has shape [mb, 8, 2, 2] and block size is 2, then output size is [mb, 8/(2*2), 2*2, 2*2] = [mb, 2, 4, 4]
depthToSpace(String, SDVariable, int, String) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 2d layer batch to space operation on 4d input.
Reduces input channels dimension by rearranging data into a larger spatial dimensions
Example: if input has shape [mb, 8, 2, 2] and block size is 2, then output size is [mb, 8/(2*2), 2*2, 2*2] = [mb, 2, 4, 4]
DepthToSpace - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Inverse operation to SpaceToDepth.
DepthToSpace() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
DepthToSpace(SameDiff, SDVariable[], int, String) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
DepthToSpace(INDArray, INDArray, int, String) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
depthWiseConv2d(SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Depth-wise Conv2d operation.
depthWiseConv2d(SDVariable, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Depth-wise 2D convolution operation without bias
depthWiseConv2d(SDVariable, SDVariable, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Depth-wise 2D convolution operation with optional bias
depthWiseConv2d(SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Depth-wise convolution 2D operation.
depthWiseConv2d(String, SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Depth-wise convolution 2D operation.
DepthwiseConv2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Depthwise Conv2D operation
DepthwiseConv2D(SameDiff, SDVariable[], INDArray[], INDArray[], Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
DepthwiseConv2D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
DeregisterGraphRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.DeregisterGraphRequest
DeregisterGraphRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.DeregisterGraphRequest
DeregisterGraphRequestOrBuilder - Interface in org.tensorflow.distruntime
 
DeregisterGraphResponse - Class in org.tensorflow.distruntime
TODO(mrry): Optionally add summary stats for the graph.
DeregisterGraphResponse.Builder - Class in org.tensorflow.distruntime
TODO(mrry): Optionally add summary stats for the graph.
DeregisterGraphResponseOrBuilder - Interface in org.tensorflow.distruntime
 
derivedId(long) - Method in class org.nd4j.linalg.heartbeat.Heartbeat
 
DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Arg
 
DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Attr
 
DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.ArgDef
 
DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.AttrDef
 
DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
DESCRIPTION_PREFIX_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
DESCRIPTION_SUFFIX_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
DESCRIPTORS - Static variable in class org.nd4j.imports.descriptors.tensorflow.TensorflowDescriptorParser
 
deserialize(JsonParser, DeserializationContext) - Method in class org.nd4j.evaluation.serde.ConfusionMatrixDeserializer
 
deserialize(JsonParser, DeserializationContext) - Method in class org.nd4j.linalg.lossfunctions.serde.RowVectorDeserializer
Deprecated.
 
deserialize(JsonParser, DeserializationContext) - Method in class org.nd4j.serde.jackson.shaded.NDArrayDeSerializer
 
deserialize(JsonParser, DeserializationContext) - Method in class org.nd4j.serde.jackson.shaded.NDArrayTextDeSerializer
 
deserialize(JsonParser, DeserializationContext) - Method in class org.nd4j.serde.json.BaseLegacyDeserializer
 
DESTINATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferInfo
 
destroyAllWorkspacesForCurrentThread() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
This method destroys all workspaces allocated in current thread
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
 
detach() - Method in class org.nd4j.linalg.dataset.MultiDataSet
This method migrates this DataSet into current Workspace (if any)
DEV_STATS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.StepStats
 
device() - Method in class org.nd4j.graph.FlatNode
 
device() - Method in class org.nd4j.graph.FlatVariable
 
DEVICE_ATTRIBUTES_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.GetStatusResponse
 
DEVICE_ATTRIBUTES_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
DEVICE_COUNT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceStepStats
 
DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeDef
 
DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ResourceHandleProto
 
DEVICE_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.Operation
 
DEVICE_FILTERS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ResetRequest
 
DEVICE_FILTERS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
DEVICE_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.InterconnectLink
 
DEVICE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupRequest
 
DEVICE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupResponse
 
DEVICE_PERSISTENT_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
DEVICE_PERSISTENT_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryStats
 
DEVICE_PERSISTENT_TENSOR_ALLOC_IDS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryStats
 
DEVICE_TEMP_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
DEVICE_TEMP_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryStats
 
DEVICE_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupRequest
 
DEVICE_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupResponse
 
DEVICE_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
DEVICE_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceAttributes
 
DEVICE_TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.KernelDef
 
DeviceAttributes - Class in org.tensorflow.framework
Protobuf type tensorflow.DeviceAttributes
DeviceAttributes.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.DeviceAttributes
DeviceAttributesOrBuilder - Interface in org.tensorflow.framework
 
DeviceAttributesProtos - Class in org.tensorflow.framework
 
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
 
DeviceLocality - Class in org.tensorflow.framework
Protobuf type tensorflow.DeviceLocality
DeviceLocality.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.DeviceLocality
DeviceLocalityOrBuilder - Interface in org.tensorflow.framework
 
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
 
DevicePropertiesProtos - Class in tensorflow
 
DevicePropertiesProtos.DeviceProperties - Class in tensorflow
Protobuf type tensorflow.DeviceProperties
DevicePropertiesProtos.DeviceProperties.Builder - Class in tensorflow
Protobuf type tensorflow.DeviceProperties
DevicePropertiesProtos.DevicePropertiesOrBuilder - Interface in tensorflow
 
DevicePropertiesProtos.NamedDevice - Class in tensorflow
Protobuf type tensorflow.NamedDevice
DevicePropertiesProtos.NamedDevice.Builder - Class in tensorflow
Protobuf type tensorflow.NamedDevice
DevicePropertiesProtos.NamedDeviceOrBuilder - Interface in tensorflow
 
DeviceStepStats - Class in org.tensorflow.framework
Protobuf type tensorflow.DeviceStepStats
DeviceStepStats.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.DeviceStepStats
DeviceStepStatsOrBuilder - Interface in org.tensorflow.framework
 
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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
diag(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
diag(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Returns an output variable with diagonal values equal to the specified values; off-diagonal values will be set to 0
For example, if input = [1,2,3], then output is given by:
[ 1, 0, 0]
[ 0, 2, 0]
[ 0, 0, 3]

Higher input ranks are also supported: if input has shape [a,...,R-1] then output[i,...,k,i,...,k] = input[i,...,k].
Diag - Class in org.nd4j.linalg.api.ops.impl.shape
Computes a diagonal matrix of shape (n, n) from a vector of length n.
Diag() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Diag
 
Diag(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Diag
 
Diag(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Diag
 
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(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
diagPart(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
diagPart(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
diagPart(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Extract the diagonal part from the input array.
If input is
[ 1, 0, 0]
[ 0, 2, 0]
[ 0, 0, 3]
then output is [1, 2, 3].
Supports higher dimensions: in general, out[i,...,k] = in[i,...,k,i,...,k]
DiagPart - Class in org.nd4j.linalg.api.ops.impl.shape
Return the diagonal part of a tensor.
DiagPart() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
DiagPart(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
DiagPart(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
diff(List<SDVariable>) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Perform automatic differentiation wrt the input variables
diff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
DifferentialFunction - Class in org.nd4j.autodiff.functions
 
DifferentialFunction() - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
 
DifferentialFunction(boolean) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
 
DifferentialFunction(SameDiff, NodeDef, Map<String, AttrValue>, GraphDef) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
Initialize the function from the given NodeDef
DifferentialFunction(SameDiff, OnnxProto3.NodeProto, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
Initialize the function from the given OnnxProto3.NodeProto
DifferentialFunction(SameDiff, boolean, Object[]) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
 
DifferentialFunction(SameDiff, Object[]) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
 
DifferentialFunction(SameDiff, SDVariable[]) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
 
DifferentialFunction(SameDiff, boolean, SDVariable[]) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunction
Add the various arguments for this function
DifferentialFunctionClassHolder - Class in org.nd4j.imports.converters
 
DifferentialFunctionFactory - Class in org.nd4j.autodiff.functions
 
DifferentialFunctionFactory(SameDiff) - Constructor for class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dilation2D(SDVariable, SDVariable, int[], int[], boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dilation2D(SDVariable, SDVariable, int[], int[], boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
TODO doc string
dilation2D(String, SDVariable, SDVariable, int[], int[], boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
TODO doc string
Dilation2D - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Dilation2D op wrapper
Dilation2D() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
Dilation2D(SameDiff, SDVariable[], int[], int[], boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
Dilation2D(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
DIM_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorShapeProto
 
DIM_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorShapeProto
 
DIM_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorShapeProto
 
DIM_PARAM_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
DIM_PARAM_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
DIM_VALUE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
DIM_VALUE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
dimension - Variable in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
dimension - Variable in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
dimensions - Variable in class org.nd4j.autodiff.functions.DifferentialFunction
 
dimensions(int) - Method in class org.nd4j.graph.FlatNode
 
dimensions() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
dimensions() - Method in interface org.nd4j.linalg.api.ops.BroadcastOp
 
dimensions - Variable in class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
dimensions() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
This method returns dimensions for this op
dimensions() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
This method returns dimensions for this op
dimensions() - Method in interface org.nd4j.linalg.api.ops.ScalarOp
This method returns target dimensions for this op
dimensionsAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
dimensionsInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
dimensionsLength() - Method in class org.nd4j.graph.FlatNode
 
dimensionz - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
DIMS_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
DIMS_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
dimShuffle(Object[], int[], boolean[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
dimShuffle(Object[], long[], 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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
dimShuffle(Object[], long[], boolean[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
dimShuffle(Object[], long[], boolean[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
dInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
Direction - Class in org.nd4j.graph
 
direction() - Method in class org.nd4j.graph.FlatConfiguration
 
DISABLE_MODEL_PRUNING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
DISABLE_RPC_LOGGING_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.LoggingRequest
 
disabledCounter - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
disableDebugging() - Method in class org.nd4j.autodiff.samediff.SameDiff
Clears debugging state and disables debug mode.
disableHeartbeat() - Method in class org.nd4j.linalg.heartbeat.Heartbeat
 
DISCRETE - Static variable in class org.nd4j.graph.UIHistogramType
 
DISPLAY_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SummaryMetadata
 
distance1(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the (1-norm) distance.
distance1(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.ndarray.BaseNDArray
Returns the (euclidean) distance.
distance2(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
distance2(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the (euclidean) distance.
DistributedRuntimeProtos - Class in org.tensorflow.distruntime
 
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
 
DistributionInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weights based on a given Distribution
DistributionInitScheme(char, Distribution) - Constructor for class org.nd4j.weightinit.impl.DistributionInitScheme
 
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
DynamicCustomOpsBuilder class that can incrementally update a running mean and variance in order to create statistics for a large set of data
DistributionUniform - Class in org.nd4j.linalg.api.ops.random.custom
Uniform distribution wrapper
DistributionUniform() - Constructor for class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
DistributionUniform(SameDiff, SDVariable, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
DistributionUniform(INDArray, INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
div(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
div(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
div(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
div(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Scalar division: out = this / scalar
Output variable has the same shape as the input variable
div(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
div(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Division operation: elementwise this / x
If this and x variables have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if this and x have different shapes and are broadcastable, the output shape is broadcast.
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
div(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
div(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
div(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast divide op.
divBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
DivBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Division backprop operation.
DivBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.DivBpOp
 
DivBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.DivBpOp
 
divColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
divColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
divColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Division of a column vector (copy)
divi(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
divi(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
divi(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
divi(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
divi(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
divi(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
divi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
divi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
divi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
diviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
diviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.ndarray.BaseNDArray
In place addition of a column vector
diviRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.pairwise.arithmetic
Division operation
DivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
DivOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
DivOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
divRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
divRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
divRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Division of a row vector (copy)
dLength() - Method in class org.nd4j.graph.FlatProperties
 
DMA_OK_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorRequest
 
dnrm2(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dnrm2(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
DO_COMMON_SUBEXPRESSION_ELIMINATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OptimizerOptions
 
DO_CONSTANT_FOLDING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OptimizerOptions
 
DO_FUNCTION_INLINING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OptimizerOptions
 
DO_NOT_USE_RESERVED_FOR_FUTURE_EXPANSION_USE_DEFAULT_IN_SWITCH_INSTEAD__VALUE - Static variable in enum org.tensorflow.framework.Code
An extra enum entry to prevent people from writing code that fails to compile when a new code is added.
doAlongDiagonal(INDArray, Function<Number, Number>) - 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 opType shape information codec information data opType
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 opType shape buffer data buffer
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.GraphProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.NodeProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ValueInfoProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.GraphProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.NodeProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
DOC_STRING_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ValueInfoProto
 
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
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.BaseWeightInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.ConstantInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.DistributionInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.IdentityInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.LecunUniformInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.OneInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.ReluInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.ReluUniformInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.SigmoidUniformInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.UniformInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.VarScalingNormalFanAvgInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.VarScalingNormalFanInInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.VarScalingNormalFanOutInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.VarScalingNormalUniformFanInInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.VarScalingNormalUniformFanOutInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.VarScalingUniformFanAvgInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.XavierFanInInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.XavierInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.XavierUniformInitScheme
 
doCreate(DataType, long[], INDArray) - Method in class org.nd4j.weightinit.impl.ZeroInitScheme
 
doDiff(List<SDVariable>) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The actual implementation for automatic differentiation.
doDiff(List<SDVariable>) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.DefaultOpConverter
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAdd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastTo
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.StopGradient
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeNearestNeighbor
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNormDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D
Deprecated.
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalizationDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.AbsoluteDifferenceLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.AbsoluteDifferenceLossBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.MeanPairwiseSquaredErrorLossBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SoftmaxCrossEntropyWithLogitsLossBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SparseSoftmaxCrossEntropyLossWithLogitsBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.CosineDistanceLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.HingeLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.HuberLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.L2Loss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.LogLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.LogPoissonLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.MeanPairwiseSquaredErrorLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.MeanSquaredErrorLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.SigmoidCrossEntropyLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyWithLogitsLoss
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.All
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountNonZero
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountZero
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.SufficientStatistics
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce.ZeroFraction
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
doDiff(SameDiff, DifferentialFunctionFactory, SDVariable, SDVariable, SDVariable, boolean, int...) - Static method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scalar.Step
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ApplyGradientDescent
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.SliceBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.StridedSliceBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.TileBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.BroadcastDynamicShape
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Cross
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Diag
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.MeshGrid
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ReductionShape
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Size
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Slice
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Angle
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Assert
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.BinCount
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cholesky
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ATan2
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.BatchToSpace
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttention
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttentionBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InTopK
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InvertPermutation
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNonDecreasing
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNumericTensor
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsStrictlyIncreasing
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ListDiff
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalAnd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalNot
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalOr
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalXor
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogMatrixDeterminant
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDeterminant
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiag
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiagPart
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixInverse
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixSetDiag
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttention
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttentionBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Pow
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Reverse
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMean
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentProd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentSum
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Standardize
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.StandardizeBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.TopK
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Trace
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.XwPlusB
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Zeta
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.DynamicPartitionBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftmaxBp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.BaseArithmeticBackpropOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SquaredDifferenceBpOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorModOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RealDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReluLayer
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMean
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentProd
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSqrtN
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSum
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.NoOp
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.custom.RandomBernoulli
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.custom.RandomExponential
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.custom.RandomNormal
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.Choice
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
doDiff(List<SDVariable>) - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
DOMAIN_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
DOMAIN_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.NodeProto
 
DOMAIN_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.OperatorSetIdProto
 
DOMAIN_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
DOMAIN_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
DOMAIN_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.NodeProto
 
DOMAIN_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.OperatorSetIdProto
 
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(LongBuffer, int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
doPermuteSwap(IntBuffer, int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
doPermuteSwap(DataBuffer, int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
doRepeat(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dot(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
TODO doc string
dot(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
TODO doc string
dot(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
dot(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Matrix dot product: out = dot(this,other, dimensions)
dot(long, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector-vector dot product.
dot(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dot(long, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
computes a vector-vector dot product.
dot(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
dot(long, double, INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector-vector dot product.
dot(long, DataBuffer, int, int, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
Vector-vector dot product
Dot - Class in org.nd4j.linalg.api.ops.impl.reduce3
Dot product
Dot(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
Dot() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
Dot(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
Dot(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
Dot(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
Dot(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
dot(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
dot(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
dot(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute x^T * y (dot product)
dot(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
dotBp(SDVariable, SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
DotBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Dot pairwise reduction operation
DotBp(SameDiff, SDVariable, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.DotBp
 
DotBp(INDArray, INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.DotBp
 
DotBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.DotBp
 
dotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This operation performs dot product attention on the given timeseries input with the given queries
dotProductAttention(String, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This operation performs dot product attention on the given timeseries input with the given queries
dotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This operation performs dot product attention on the given timeseries input with the given queries
dotProductAttention(String, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This operation performs dot product attention on the given timeseries input with the given queries out = sum(similarity(k_i, q) * v_i) similarity(k, q) = softmax(k * q) where x * q is the dot product of x and q Optionally with normalization step: similarity(k, q) = softmax(k * q / sqrt(size(q)) See also "Attention is all you need" (https://arxiv.org/abs/1706.03762, p.
DotProductAttention - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
(optionally scaled) dot product attention See also "Attention is all you need" (https://arxiv.org/abs/1706.03762, p.
DotProductAttention(SameDiff, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttention
 
dotProductAttentionBp(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
DotProductAttentionBp - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
(optionally scaled) dot product attention Backprop See also "Attention is all you need" (https://arxiv.org/abs/1706.03762, p.
DotProductAttentionBp(SameDiff, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttentionBp
 
DOUBLE - Static variable in class org.nd4j.graph.DataType
 
DOUBLE_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
DOUBLE_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
DOUBLE_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
DOUBLE_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
DOUBLE = 11;
DOUBLE_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
DOUBLE = 11;
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(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dropout(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
dropout(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
DropOut - Class in org.nd4j.linalg.api.ops.random.impl
DropOut implementation as Op
DropOut(SameDiff, SDVariable, double) - 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
 
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(SameDiff, SDVariable, double) - 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
 
drot(long, 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
 
droti(long, INDArray, DataBuffer, INDArray, double, double) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
drotm(long, 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(long, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
dscal(long, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
dsdot(long, 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
 
DST_DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
dswap(long, 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
 
DT_BFLOAT16_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_BFLOAT16_REF = 114;
DT_BFLOAT16_VALUE - Static variable in enum org.tensorflow.framework.DataType
Float32 truncated to 16 bits.
DT_BOOL_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_BOOL_REF = 110;
DT_BOOL_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_BOOL = 10;
DT_COMPLEX128_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_COMPLEX128_REF = 118;
DT_COMPLEX128_VALUE - Static variable in enum org.tensorflow.framework.DataType
Double-precision complex
DT_COMPLEX64_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_COMPLEX64_REF = 108;
DT_COMPLEX64_VALUE - Static variable in enum org.tensorflow.framework.DataType
Single-precision complex
DT_DOUBLE_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_DOUBLE_REF = 102;
DT_DOUBLE_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_DOUBLE = 2;
DT_FLOAT_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
Do not use! These are only for parameters.
DT_FLOAT_VALUE - Static variable in enum org.tensorflow.framework.DataType
Data types that all computation devices are expected to be capable to support.
DT_HALF_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_HALF_REF = 119;
DT_HALF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_HALF = 19;
DT_INT16_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT16_REF = 105;
DT_INT16_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT16 = 5;
DT_INT32_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT32_REF = 103;
DT_INT32_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT32 = 3;
DT_INT64_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT64_REF = 109;
DT_INT64_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT64 = 9;
DT_INT8_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT8_REF = 106;
DT_INT8_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_INT8 = 6;
DT_INVALID_VALUE - Static variable in enum org.tensorflow.framework.DataType
Not a legal value for DataType.
DT_QINT16_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_QINT16_REF = 115;
DT_QINT16_VALUE - Static variable in enum org.tensorflow.framework.DataType
Quantized int16
DT_QINT32_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_QINT32_REF = 113;
DT_QINT32_VALUE - Static variable in enum org.tensorflow.framework.DataType
Quantized int32
DT_QINT8_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_QINT8_REF = 111;
DT_QINT8_VALUE - Static variable in enum org.tensorflow.framework.DataType
Quantized int8
DT_QUINT16_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_QUINT16_REF = 116;
DT_QUINT16_VALUE - Static variable in enum org.tensorflow.framework.DataType
Quantized uint16
DT_QUINT8_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_QUINT8_REF = 112;
DT_QUINT8_VALUE - Static variable in enum org.tensorflow.framework.DataType
Quantized uint8
DT_RESOURCE_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_RESOURCE_REF = 120;
DT_RESOURCE_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_RESOURCE = 20;
DT_STRING_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_STRING_REF = 107;
DT_STRING_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_STRING = 7;
DT_UINT16_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT16_REF = 117;
DT_UINT16_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT16 = 17;
DT_UINT32_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT32_REF = 122;
DT_UINT32_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT32 = 22;
DT_UINT64_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT64_REF = 123;
DT_UINT64_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT64 = 23;
DT_UINT8_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT8_REF = 104;
DT_UINT8_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_UINT8 = 4;
DT_VARIANT_REF_VALUE - Static variable in enum org.tensorflow.framework.DataType
DT_VARIANT_REF = 121;
DT_VARIANT_VALUE - Static variable in enum org.tensorflow.framework.DataType
Arbitrary C++ data types
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.graph.FlatArray
 
dtype() - Method in class org.nd4j.graph.FlatVariable
 
dtype() - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Returns the data opType for this ndarray
DTYPE - Static variable in class org.nd4j.linalg.factory.Nd4j
Deprecated.
Use ND4JSystemProperties.DTYPE
dtype - Static variable in class org.nd4j.linalg.factory.Nd4j
 
dtype() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Returns the data opType for this ndarray
DTYPE_BOOL_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_BYTE_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_COMPRESSED_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_DOUBLE_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorDescription
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorInfo
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
DTYPE_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleEntryProto
 
DTYPE_FLOAT_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_HALF_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_INT_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_LONG_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_SHORT_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_UNSIGNED_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
DTYPE_UTF8_BIT - Static variable in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
dtypeConv(DataType) - Static method in class org.nd4j.imports.descriptors.properties.adapters.DataTypeAdapter
 
dtypeConv(int) - Static method in class org.nd4j.imports.descriptors.properties.adapters.DataTypeAdapter
 
dummy - Static variable in class org.nd4j.linalg.eigen.Eigen
 
dummyResult - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
dummyResult - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
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
 
dumpBinaryProtoAsText(File, File) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Dump a binary proto file representation as a plain string in to the target text file
dumpBinaryProtoAsText(InputStream, File) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Dump a binary proto file representation as a plain string in to the target text file
dumpBinaryProtoAsText(InputStream, File) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
dumpBinaryProtoAsText(File, File) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
dumpBinaryProtoAsText(InputStream, File) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
dumpBinaryProtoAsText(File, File) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
Dump a binary proto file representation as a plain string in to the target text file
dup() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Duplicate this function
dup() - Method in class org.nd4j.autodiff.samediff.SameDiff
Clone/duplicate the SameDiff instance, including arrays etc.
dup() - Method in class org.nd4j.autodiff.samediff.SDVariable
Create a new SDVariable, the contents of which is copied from this current variable
dup() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
dup(char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
dup() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
dup(char) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.api.ops.impl.transforms.Constant
 
dup() - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
dup(T, INDArray, char) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
dup(T, INDArray) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
dup(T, INDArray) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Duplicate the array, where the array is put into the specified array type's workspace (if applicable)
dup(T, INDArray, char) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Duplicate the array, where the array is put into the specified array type's workspace (if applicable)
DURATION_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.TraceOpts
 
DynamicCustomOp - Class in org.nd4j.linalg.api.ops
Basic implementation for CustomOp
DynamicCustomOp() - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp(String, INDArray, INDArray, List<Double>, int[]) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp(String, INDArray[], INDArray[], List<Double>, int[]) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp(String, INDArray[], INDArray[], List<Double>, List<Integer>) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
Initialize this custom op with all of the inputs, outputs, and respective arguments for execution
DynamicCustomOp(String, INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
Initialize this operation for execution (pre created ndarrays)
DynamicCustomOp(String, SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
Initialize this for SameDiff execution Any extra int or float arguments for operations must be added to the respective TArguments or IArguments lists upon construction
DynamicCustomOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp(String) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp
 
DynamicCustomOp.DynamicCustomOpsBuilder - Class in org.nd4j.linalg.api.ops
 
DynamicCustomOp.SameDiffBuilder - Class in org.nd4j.linalg.api.ops
 
DynamicCustomOpsBuilder(String, long, int, int, boolean, int, int) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
dynamicPartition(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dynamicPartition(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
dynamicPartition(String[], SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Dynamically partition the input variable values into the specified number of paritions, using the indices.
Example:
DynamicPartition - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Transforms a given input tensor into numPartitions partitions, as indicated by the indices in "partitions".
DynamicPartition() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
DynamicPartition(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
dynamicPartitionBp(SDVariable, SDVariable, SDVariable[], int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
DynamicPartitionBp - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Backprop operation for dynamic partition
DynamicPartitionBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.DynamicPartitionBp
 
DynamicPartitionBp(SameDiff, SDVariable, SDVariable, SDVariable[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.DynamicPartitionBp
 
dynamicStitch(SDVariable[], SDVariable[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
dynamicStitch(SDVariable[], SDVariable[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
dynamicStitch(String, SDVariable[], SDVariable[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Dynamically merge the specified input arrays into a single array, using the specified indices
DynamicStitch - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Transforms a given input tensor into numPartitions partitions, as indicated by the indices in "partitions".
DynamicStitch() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 
DynamicStitch(SameDiff, SDVariable[], SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 

E

EagerServiceOuterClass - Class in tensorflow.eager
 
EagerServiceOuterClass.CloseContextRequest - Class in tensorflow.eager
Protobuf type tensorflow.eager.CloseContextRequest
EagerServiceOuterClass.CloseContextRequest.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.CloseContextRequest
EagerServiceOuterClass.CloseContextRequestOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.CloseContextResponse - Class in tensorflow.eager
Protobuf type tensorflow.eager.CloseContextResponse
EagerServiceOuterClass.CloseContextResponse.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.CloseContextResponse
EagerServiceOuterClass.CloseContextResponseOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.CreateContextRequest - Class in tensorflow.eager
Protobuf type tensorflow.eager.CreateContextRequest
EagerServiceOuterClass.CreateContextRequest.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.CreateContextRequest
EagerServiceOuterClass.CreateContextRequestOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.CreateContextResponse - Class in tensorflow.eager
Protobuf type tensorflow.eager.CreateContextResponse
EagerServiceOuterClass.CreateContextResponse.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.CreateContextResponse
EagerServiceOuterClass.CreateContextResponseOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.EnqueueRequest - Class in tensorflow.eager
Protobuf type tensorflow.eager.EnqueueRequest
EagerServiceOuterClass.EnqueueRequest.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.EnqueueRequest
EagerServiceOuterClass.EnqueueRequestOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.EnqueueResponse - Class in tensorflow.eager
Protobuf type tensorflow.eager.EnqueueResponse
EagerServiceOuterClass.EnqueueResponse.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.EnqueueResponse
EagerServiceOuterClass.EnqueueResponseOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.KeepAliveRequest - Class in tensorflow.eager
Protobuf type tensorflow.eager.KeepAliveRequest
EagerServiceOuterClass.KeepAliveRequest.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.KeepAliveRequest
EagerServiceOuterClass.KeepAliveRequestOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.KeepAliveResponse - Class in tensorflow.eager
Protobuf type tensorflow.eager.KeepAliveResponse
EagerServiceOuterClass.KeepAliveResponse.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.KeepAliveResponse
EagerServiceOuterClass.KeepAliveResponseOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.Operation - Class in tensorflow.eager
A proto representation of an eager operation.
EagerServiceOuterClass.Operation.Builder - Class in tensorflow.eager
A proto representation of an eager operation.
EagerServiceOuterClass.OperationOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.QueueItem - Class in tensorflow.eager
Protobuf type tensorflow.eager.QueueItem
EagerServiceOuterClass.QueueItem.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.QueueItem
EagerServiceOuterClass.QueueItem.ItemCase - Enum in tensorflow.eager
 
EagerServiceOuterClass.QueueItemOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.RegisterFunctionRequest - Class in tensorflow.eager
Protobuf type tensorflow.eager.RegisterFunctionRequest
EagerServiceOuterClass.RegisterFunctionRequest.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.RegisterFunctionRequest
EagerServiceOuterClass.RegisterFunctionRequestOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.RegisterFunctionResponse - Class in tensorflow.eager
Protobuf type tensorflow.eager.RegisterFunctionResponse
EagerServiceOuterClass.RegisterFunctionResponse.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.RegisterFunctionResponse
EagerServiceOuterClass.RegisterFunctionResponseOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.RemoteTensorHandle - Class in tensorflow.eager
Protobuf type tensorflow.eager.RemoteTensorHandle
EagerServiceOuterClass.RemoteTensorHandle.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.RemoteTensorHandle
EagerServiceOuterClass.RemoteTensorHandleOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.WaitQueueDoneRequest - Class in tensorflow.eager
Protobuf type tensorflow.eager.WaitQueueDoneRequest
EagerServiceOuterClass.WaitQueueDoneRequest.Builder - Class in tensorflow.eager
Protobuf type tensorflow.eager.WaitQueueDoneRequest
EagerServiceOuterClass.WaitQueueDoneRequestOrBuilder - Interface in tensorflow.eager
 
EagerServiceOuterClass.WaitQueueDoneResponse - Class in tensorflow.eager
TODO(nareshmodi): Consider adding NodeExecStats here to be able to propagate some stats.
EagerServiceOuterClass.WaitQueueDoneResponse.Builder - Class in tensorflow.eager
TODO(nareshmodi): Consider adding NodeExecStats here to be able to propagate some stats.
EagerServiceOuterClass.WaitQueueDoneResponseOrBuilder - Interface in tensorflow.eager
 
effectiveKernelSize(int, int) - Static method in class org.nd4j.linalg.convolution.Convolution
 
Eigen - Class in org.nd4j.linalg.eigen
Compute eigen values
Eigen() - Constructor for class org.nd4j.linalg.eigen.Eigen
 
ELEM_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto.Sequence
 
ELEM_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto.Tensor
 
ELEM_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TypeProto.Tensor
 
element() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns a scalar (individual element) of a scalar ndarray
element() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
element() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a scalar (individual element) of a scalar ndarray
elementWiseStride() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
elementWiseStride() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
elementWiseStride() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Element wise stride
elementWiseStride(int[], int[], boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
 
elementWiseStride(long[], long[], 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
elementWiseStride(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the element wise stride for the shape info buffer
elu(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
elu(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise exponential linear unit (ELU) function:
out = x if x > 0
out = a * (exp(x) - 1) if x <= 0
with constant a = 1.0
elu(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise exponential linear unit (ELU) function:
out = x if x > 0
out = a * (exp(x) - 1) if x <= 0
with constant a = 1.0
ELU - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
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(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
ELU() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
ELU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
ELU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
eluDerivative(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise derivative exponential linear unit (ELU) function, dOut/dIn given input.
eluDerivative(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise derivative exponential linear unit (ELU) function, dOut/dIn given input.
ELUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
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(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
ELUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
ELUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
ELUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.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.factory.Nd4j
This method creates "empty" INDArray with datatype determined by Nd4j.dataType()
empty(DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
This method creates "empty" INDArray of the specified datatype
empty(DataType) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
EMPTY_ARRAY_STR - Static variable in class org.nd4j.linalg.string.NDArrayStrings
 
EMPTY_ARRAYS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ENABLE_BFLOAT16_SENDRECV_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
ENABLE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AutoParallelOptions
 
ENABLE_OP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ScopedAllocatorOptions
 
ENABLE_RECV_SCHEDULING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
ENABLE_RPC_LOGGING_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.LoggingRequest
 
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
enableDebugMode() - Method in class org.nd4j.autodiff.samediff.SameDiff
Enables tracing of graphs automatically.
enableDebugMode(boolean) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
enableDebugMode(boolean) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
enableFallbackMode(boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
This method enables fallback to safe-mode for specific operations.
enableVerboseMode(boolean) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
enableVerboseMode(boolean) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
ENCODED_AUDIO_STRING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Audio
 
ENCODED_IMAGE_STRING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Image
 
encodeGraphStructure(FlatBufferBuilder, SameDiff) - Method in class org.nd4j.graph.ui.LogFileWriter
 
encodeStaticHeader(byte) - Method in class org.nd4j.graph.ui.LogFileWriter
Encode the header as a UIStaticInfoRecord instance for the specific UIEventType
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.NewAxis
 
end() - Method in class org.nd4j.linalg.indexing.PointIndex
 
end() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
END_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto.Segment
 
END_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto.Segment
 
endFlatArray(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatArray
 
endFlatArrayList(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatArrayList
 
endFlatConfiguration(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatConfiguration
 
endFlatDropRequest(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatDropRequest
 
endFlatGraph(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatGraph
 
endFlatInferenceRequest(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
endFlatNode(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatNode
 
endFlatProperties(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatProperties
 
endFlatResponse(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatResponse
 
endFlatResult(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatResult
 
endFlatTiming(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatTiming
 
endFlatVariable(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatVariable
 
endFrameIteration(FlatBufferBuilder) - Static method in class org.nd4j.graph.FrameIteration
 
ENDIANNESS_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleHeaderProto
 
endIntPair(FlatBufferBuilder) - Static method in class org.nd4j.graph.IntPair
 
endIntTriple(FlatBufferBuilder) - Static method in class org.nd4j.graph.IntTriple
 
endLongPair(FlatBufferBuilder) - Static method in class org.nd4j.graph.LongPair
 
endLongTriple(FlatBufferBuilder) - Static method in class org.nd4j.graph.LongTriple
 
ENDPOINT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
endUIAddName(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIAddName
 
endUIEvent(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIEvent
 
endUIGraphStructure(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIGraphStructure
 
endUIHardwareState(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIHardwareState
 
endUIHistogram(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIHistogram
 
endUIOp(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIOp
 
endUIStaticInfoRecord(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIStaticInfoRecord
 
endUISummaryStatistics(FlatBufferBuilder) - Static method in class org.nd4j.graph.UISummaryStatistics
 
endUISystemInfo(FlatBufferBuilder) - Static method in class org.nd4j.graph.UISystemInfo
 
endUIVariable(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIVariable
 
ENQUEUE_OP_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.QueueRunnerDef
 
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
 
ensureNodeStateExists(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method checks if NodeState was created for specified graph node
ensureThreadExistense() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
Enter - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
 
Enter() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
entries - Variable in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
entropy(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
entropy(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Entropy reduction: -sum(x * log(x))
entropy(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Entropy reduction: -sum(x * log(x))
entropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns entropy along dimension
entropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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.reduce.floating
Entropy Op - returns the entropy (information gain, or uncertainty of a random variable).
Entropy(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
Entropy() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
Entropy(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
Entropy(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
entropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns entropy value for this INDArray
entropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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
 
ENVIRONMENT_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
EnvironmentalAction - Interface in org.nd4j.linalg.env
This interface describes action applied to a given environment variable
EnvironmentUtils - Class in org.nd4j.linalg.heartbeat.utils
 
EnvironmentUtils() - Constructor for class org.nd4j.linalg.heartbeat.utils.EnvironmentUtils
 
epoch() - Method in class org.nd4j.graph.UIEvent
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
eps(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps(SameDiff) - 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(SameDiff, SDVariable, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
Eps(INDArray, INDArray, INDArray) - 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_THRESHOLD - Static variable in class org.nd4j.linalg.factory.Nd4j
 
epsEquals(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
epsEquals(Number, Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
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(Number, Number) - 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(Number, Number) - Constructor for class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
 
epsNotEquals(Number) - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
epsThreshold() - Method in class org.nd4j.linalg.indexing.conditions.And
 
epsThreshold() - Method in class org.nd4j.linalg.indexing.conditions.BaseCondition
 
epsThreshold() - Method in interface org.nd4j.linalg.indexing.conditions.Condition
 
epsThreshold() - Method in class org.nd4j.linalg.indexing.conditions.ConditionEquals
 
epsThreshold() - Method in class org.nd4j.linalg.indexing.conditions.EpsilonEquals
 
epsThreshold() - Method in class org.nd4j.linalg.indexing.conditions.EpsilonNotEquals
 
epsThreshold() - Method in class org.nd4j.linalg.indexing.conditions.Not
 
epsThreshold() - Method in class org.nd4j.linalg.indexing.conditions.Or
 
eq(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
eq(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
eq(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Equals operation: elementwise x == y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
eq(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Equals operation: elementwise x == y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
eq(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Equal to operation: elementwise x == y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
eq(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Equal to operation: elementwise x == y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
eq(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
eq(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Equals operation: elementwise this == value
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
eq(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
eq(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Equal to operation: elementwise this == y
If x and y arrays have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if x and y have different shapes and are broadcastable, the output shape is broadcast.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
eq(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast equal to op.
eq(Condition...) - Method in class org.nd4j.linalg.indexing.conditions.ConditionBuilder
 
eqi(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
EQUAL_SPACING - Static variable in class org.nd4j.graph.UIHistogramType
 
EqualityFn - Class in org.nd4j.autodiff.validation.functions
 
EqualityFn() - Constructor for class org.nd4j.autodiff.validation.functions.EqualityFn
 
equals(Object) - Method in class onnx.OnnxMlProto3.AttributeProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.GraphProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.ModelProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.NodeProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.TensorProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
equals(Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
equals(Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.TypeProto
 
equals(Object) - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
equals(Object) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
equals(Object) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
equals(Object) - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
equals(Object) - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
equals(Object) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
equals(Object) - Method in class onnx.OnnxProto3.AttributeProto
 
equals(Object) - Method in class onnx.OnnxProto3.GraphProto
 
equals(Object) - Method in class onnx.OnnxProto3.ModelProto
 
equals(Object) - Method in class onnx.OnnxProto3.NodeProto
 
equals(Object) - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
equals(Object) - Method in class onnx.OnnxProto3.StringStringEntryProto
 
equals(Object) - Method in class onnx.OnnxProto3.TensorProto
 
equals(Object) - Method in class onnx.OnnxProto3.TensorProto.Segment
 
equals(Object) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
equals(Object) - Method in class onnx.OnnxProto3.TensorShapeProto
 
equals(Object) - Method in class onnx.OnnxProto3.TypeProto
 
equals(Object) - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
equals(Object) - Method in class onnx.OnnxProto3.ValueInfoProto
 
equals(Object) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
equals(Object) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
equals(Object) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
equals(Object) - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
 
equals(Object) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Compare two matrices.
equals(Object) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
equals(Object) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
equals(Object) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
equals(Object) - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
equals(Object) - Method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
equals(Object) - Method in class org.nd4j.linalg.api.shape.ShapeDescriptor
 
equals(Object) - Method in class org.nd4j.linalg.api.shape.SparseDescriptor
 
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(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 interface org.nd4j.linalg.learning.config.IUpdater
 
equals(Object) - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
equals(Object) - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.ClusterDef
 
equals(Object) - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.ExecutorOpts
 
equals(Object) - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.GetStatusRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.GetStatusResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.JobDef
 
equals(Object) - Method in class org.tensorflow.distruntime.LabeledStepStats
 
equals(Object) - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.LoggingRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.LoggingResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.RecvBufRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.RecvBufResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.ResetRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.ResetResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.RunCallableRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.RunCallableResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.RunGraphRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.RunGraphResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.RunStepRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.RunStepResponse
 
equals(Object) - Method in class org.tensorflow.distruntime.ServerDef
 
equals(Object) - Method in class org.tensorflow.distruntime.StepSequence
 
equals(Object) - Method in class org.tensorflow.distruntime.TraceOpts
 
equals(Object) - Method in class org.tensorflow.distruntime.TracingRequest
 
equals(Object) - Method in class org.tensorflow.distruntime.TracingResponse
 
equals(Object) - Method in class org.tensorflow.framework.AllocationDescription
 
equals(Object) - Method in class org.tensorflow.framework.AllocationRecord
 
equals(Object) - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
equals(Object) - Method in class org.tensorflow.framework.ApiDef.Arg
 
equals(Object) - Method in class org.tensorflow.framework.ApiDef.Attr
 
equals(Object) - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
equals(Object) - Method in class org.tensorflow.framework.ApiDef
 
equals(Object) - Method in class org.tensorflow.framework.ApiDefs
 
equals(Object) - Method in class org.tensorflow.framework.AssetFileDef
 
equals(Object) - Method in class org.tensorflow.framework.AttrValue
 
equals(Object) - Method in class org.tensorflow.framework.AttrValue.ListValue
 
equals(Object) - Method in class org.tensorflow.framework.AutoParallelOptions
 
equals(Object) - Method in class org.tensorflow.framework.CallableOptions
 
equals(Object) - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
equals(Object) - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
equals(Object) - Method in class org.tensorflow.framework.CollectionDef
 
equals(Object) - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
equals(Object) - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
equals(Object) - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
equals(Object) - Method in class org.tensorflow.framework.CondContextDef
 
equals(Object) - Method in class org.tensorflow.framework.ConfigProto
 
equals(Object) - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
equals(Object) - Method in class org.tensorflow.framework.ControlFlowContextDef
 
equals(Object) - Method in class org.tensorflow.framework.CostGraphDef
 
equals(Object) - Method in class org.tensorflow.framework.CostGraphDef.Node
 
equals(Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
equals(Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
equals(Object) - Method in class org.tensorflow.framework.CriticalSectionDef
 
equals(Object) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
equals(Object) - Method in class org.tensorflow.framework.DebuggedSourceFile
 
equals(Object) - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
equals(Object) - Method in class org.tensorflow.framework.DebugOptions
 
equals(Object) - Method in class org.tensorflow.framework.DebugTensorWatch
 
equals(Object) - Method in class org.tensorflow.framework.DeviceAttributes
 
equals(Object) - Method in class org.tensorflow.framework.DeviceLocality
 
equals(Object) - Method in class org.tensorflow.framework.DeviceStepStats
 
equals(Object) - Method in class org.tensorflow.framework.FunctionDef
 
equals(Object) - Method in class org.tensorflow.framework.FunctionDefLibrary
 
equals(Object) - Method in class org.tensorflow.framework.GPUOptions
 
equals(Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
equals(Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
equals(Object) - Method in class org.tensorflow.framework.GradientDef
 
equals(Object) - Method in class org.tensorflow.framework.GraphDef
 
equals(Object) - Method in class org.tensorflow.framework.GraphOptions
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferInfo
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
equals(Object) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
equals(Object) - Method in class org.tensorflow.framework.HistogramProto
 
equals(Object) - Method in class org.tensorflow.framework.InterconnectLink
 
equals(Object) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
equals(Object) - Method in class org.tensorflow.framework.KernelDef
 
equals(Object) - Method in class org.tensorflow.framework.LocalLinks
 
equals(Object) - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
equals(Object) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
equals(Object) - Method in class org.tensorflow.framework.MemoryLogStep
 
equals(Object) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
equals(Object) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
equals(Object) - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
equals(Object) - Method in class org.tensorflow.framework.MemoryStats
 
equals(Object) - Method in class org.tensorflow.framework.MetaGraphDef
 
equals(Object) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
equals(Object) - Method in class org.tensorflow.framework.NameAttrList
 
equals(Object) - Method in class org.tensorflow.framework.NamedTensorProto
 
equals(Object) - Method in class org.tensorflow.framework.NodeDef
 
equals(Object) - Method in class org.tensorflow.framework.NodeExecStats
 
equals(Object) - Method in class org.tensorflow.framework.NodeOutput
 
equals(Object) - Method in class org.tensorflow.framework.OpDef.ArgDef
 
equals(Object) - Method in class org.tensorflow.framework.OpDef.AttrDef
 
equals(Object) - Method in class org.tensorflow.framework.OpDef
 
equals(Object) - Method in class org.tensorflow.framework.OpDeprecation
 
equals(Object) - Method in class org.tensorflow.framework.OpList
 
equals(Object) - Method in class org.tensorflow.framework.OptimizerOptions
 
equals(Object) - Method in class org.tensorflow.framework.QueueRunnerDef
 
equals(Object) - Method in class org.tensorflow.framework.ReaderBaseState
 
equals(Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
equals(Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
equals(Object) - Method in class org.tensorflow.framework.ResourceHandleProto
 
equals(Object) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
equals(Object) - Method in class org.tensorflow.framework.RewriterConfig
 
equals(Object) - Method in class org.tensorflow.framework.RPCOptions
 
equals(Object) - Method in class org.tensorflow.framework.RunMetadata
 
equals(Object) - Method in class org.tensorflow.framework.RunOptions
 
equals(Object) - Method in class org.tensorflow.framework.RunOptions.Experimental
 
equals(Object) - Method in class org.tensorflow.framework.SavedModel
 
equals(Object) - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
equals(Object) - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
equals(Object) - Method in class org.tensorflow.framework.SignatureDef
 
equals(Object) - Method in class org.tensorflow.framework.StepStats
 
equals(Object) - Method in class org.tensorflow.framework.Summary.Audio
 
equals(Object) - Method in class org.tensorflow.framework.Summary
 
equals(Object) - Method in class org.tensorflow.framework.Summary.Image
 
equals(Object) - Method in class org.tensorflow.framework.Summary.Value
 
equals(Object) - Method in class org.tensorflow.framework.SummaryDescription
 
equals(Object) - Method in class org.tensorflow.framework.SummaryMetadata
 
equals(Object) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
equals(Object) - Method in class org.tensorflow.framework.TensorConnection
 
equals(Object) - Method in class org.tensorflow.framework.TensorDescription
 
equals(Object) - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
equals(Object) - Method in class org.tensorflow.framework.TensorInfo
 
equals(Object) - Method in class org.tensorflow.framework.TensorProto
 
equals(Object) - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
equals(Object) - Method in class org.tensorflow.framework.TensorShapeProto
 
equals(Object) - Method in class org.tensorflow.framework.TensorSliceProto
 
equals(Object) - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
equals(Object) - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
equals(Object) - Method in class org.tensorflow.framework.ValuesDef
 
equals(Object) - Method in class org.tensorflow.framework.VariableDef
 
equals(Object) - Method in class org.tensorflow.framework.VariantTensorDataProto
 
equals(Object) - Method in class org.tensorflow.framework.VersionDef
 
equals(Object) - Method in class org.tensorflow.framework.WhileContextDef
 
equals(Object) - Method in class org.tensorflow.util.BundleEntryProto
 
equals(Object) - Method in class org.tensorflow.util.BundleHeaderProto
 
equals(Object) - Method in class org.tensorflow.util.IteratorStateMetadata
 
equals(Object) - Method in class org.tensorflow.util.SaverDef
 
equals(Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
equals(Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
equals(Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
equals(Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
equals(Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
equals(Object) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
equals(Object) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
equals(Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
equals(Object) - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
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
 
EqualsFn() - Constructor for class org.nd4j.linalg.util.ND4JTestUtils.EqualsFn
 
equalShapes(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
equalShapes(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
equalShapes(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks 2 INDArrays for equal shapes.
Shapes are considered equal if:
(a) Both arrays have equal rank, and
(b) size(0)...size(rank()-1) are equal for both arrays
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce3
Operation for fast INDArrays equality checks
EqualsWithEps(SameDiff, SDVariable, int[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
EqualsWithEps(SameDiff, SDVariable, SDVariable, int[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
EqualsWithEps() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
EqualsWithEps(INDArray, INDArray, INDArray, double, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
EqualsWithEps(INDArray, INDArray, double, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
EqualsWithEps(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
EqualsWithEpsFn() - Constructor for class org.nd4j.linalg.util.ND4JTestUtils.EqualsWithEpsFn
 
EqualTo - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
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.custom.EqualTo
 
EqualTo(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
EqualTo(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
erf(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
erf(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise Gaussian error function - out = erf(in)
erf(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise Gaussian error function - out = erf(in)
Erf - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Gaussian error function (erf) function, which is defined as
Erf(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
Erf() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
Erf(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
Erf(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
erfc(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
erfc(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise complementary Gaussian error function - out = erfc(in) = 1 - erf(in)
erfc(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise complementary Gaussian error function - out = erfc(in) = 1 - erf(in)
Erfc - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Complementary Gaussian error function (erfc), defined as
Erfc(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
Erfc() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
Erfc(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
Erfc(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
ErrorCodesProtos - Class in org.tensorflow.framework
 
estimateVariance(INDArray, int) - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
Estimate the variance of a single record with reduced # of dimensions.
euclideanDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
euclideanDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
euclideanDistance(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Euclidean distance (l2 norm, l2 distance) reduction operation.
EuclideanDistance - Class in org.nd4j.linalg.api.ops.impl.reduce3
Euclidean distance
EuclideanDistance(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
EuclideanDistance(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
euclideanDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
eval(SameDiff, SameDiffFunctionDefinition, SDVariable[]) - Method in class org.nd4j.autodiff.samediff.impl.DefaultSameDiffConditional
 
eval(SameDiff, SameDiffFunctionDefinition, SDVariable[]) - Method in interface org.nd4j.autodiff.samediff.SameDiffConditional
 
eval() - Method in class org.nd4j.autodiff.samediff.SDVariable
Evaluate the result of this variable
eval(INDArray, INDArray) - Method in class org.nd4j.evaluation.BaseEvaluation
 
eval(INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.BaseEvaluation
 
eval(INDArray, INDArray, INDArray) - Method in class org.nd4j.evaluation.BaseEvaluation
 
eval(INDArray, INDArray) - Method in class org.nd4j.evaluation.classification.Evaluation
Collects statistics on the real outcomes vs the guesses.
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.classification.Evaluation
Evaluate the network, with optional metadata
eval(int, int) - Method in class org.nd4j.evaluation.classification.Evaluation
Evaluate a single prediction (one prediction at a time)
eval(INDArray, INDArray) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
eval(INDArray, INDArray, INDArray) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
eval(INDArray, INDArray, INDArray) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
eval(INDArray, INDArray) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.classification.ROC
Evaluate (collect statistics for) the given minibatch of data.
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.classification.ROCBinary
 
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Evaluate the network, with optional metadata
eval(INDArray, INDArray) - Method in interface org.nd4j.evaluation.IEvaluation
 
eval(INDArray, INDArray, List<? extends Serializable>) - Method in interface org.nd4j.evaluation.IEvaluation
 
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in interface org.nd4j.evaluation.IEvaluation
 
eval(INDArray, INDArray, INDArray) - Method in interface org.nd4j.evaluation.IEvaluation
 
eval(INDArray, INDArray) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
eval(INDArray, INDArray, INDArray, List<? extends Serializable>) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
eval(INDArray, INDArray, INDArray) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
evalTimeSeries(INDArray, INDArray) - Method in class org.nd4j.evaluation.BaseEvaluation
 
evalTimeSeries(INDArray, INDArray, INDArray) - Method in class org.nd4j.evaluation.BaseEvaluation
 
evalTimeSeries(INDArray, INDArray, INDArray) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
evalTimeSeries(INDArray, INDArray) - Method in interface org.nd4j.evaluation.IEvaluation
evalTimeSeries(INDArray, INDArray, INDArray) - Method in interface org.nd4j.evaluation.IEvaluation
evaluate(DataSetIterator, String, IEvaluation...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Evaluate the performance of a single variable's prediction.
For example, if the variable to evaluatate was called "softmax" you would use:
evaluate(DataSetIterator, Map<String, IEvaluation>) - Method in class org.nd4j.autodiff.samediff.SameDiff
Evaluation for multiple-output networks.
See SameDiff.evaluate(MultiDataSetIterator, Map, Map)
evaluate(MultiDataSetIterator, String, int, IEvaluation...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Evaluate the performance of a single variable's prediction.
For example, if the variable to evaluatate was called "softmax" you would use:
evaluate(MultiDataSetIterator, Map<String, List<IEvaluation>>, Map<String, Integer>) - Method in class org.nd4j.autodiff.samediff.SameDiff
Perform evaluation using classes such as Evaluation for classifier outputs and RegressionEvaluation for regression outputs.

Example: classifier evaluation
Predictions variable name: "softmaxOutput"
Evaluations to perform: Evaluation
Data: single input, single output MultiDataSets
Code:
evaluateMultiple(DataSetIterator, Map<String, List<IEvaluation>>) - Method in class org.nd4j.autodiff.samediff.SameDiff
Evaluation for multiple output networks - one ore more See SameDiff.evaluate(MultiDataSetIterator, Map, Map)
Evaluation - Class in org.nd4j.evaluation.classification
Evaluation metrics:
- precision, recall, f1, fBeta, accuracy, Matthews correlation coefficient, gMeasure
- Top N accuracy (if using constructor Evaluation.Evaluation(List, int))
- Custom binary evaluation decision threshold (use constructor Evaluation.Evaluation(double) (default if not set is argmax / 0.5)
- Custom cost array, using Evaluation.Evaluation(INDArray) or Evaluation.Evaluation(List, INDArray) for multi-class

Note: Care should be taken when using the Evaluation class for binary classification metrics such as F1, precision, recall, etc.
Evaluation() - Constructor for class org.nd4j.evaluation.classification.Evaluation
 
Evaluation(int) - Constructor for class org.nd4j.evaluation.classification.Evaluation
The number of classes to account for in the evaluation
Evaluation(int, Integer) - Constructor for class org.nd4j.evaluation.classification.Evaluation
Constructor for specifying the number of classes, and optionally the positive class for binary classification.
Evaluation(List<String>) - Constructor for class org.nd4j.evaluation.classification.Evaluation
The labels to include with the evaluation.
Evaluation(Map<Integer, String>) - Constructor for class org.nd4j.evaluation.classification.Evaluation
Use a map to generate labels Pass in a label index with the actual label you want to use for output
Evaluation(List<String>, int) - Constructor for class org.nd4j.evaluation.classification.Evaluation
Constructor to use for top N accuracy
Evaluation(double) - Constructor for class org.nd4j.evaluation.classification.Evaluation
Create an evaluation instance with a custom binary decision threshold.
Evaluation(double, Integer) - Constructor for class org.nd4j.evaluation.classification.Evaluation
Create an evaluation instance with a custom binary decision threshold.
Evaluation(INDArray) - Constructor for class org.nd4j.evaluation.classification.Evaluation
Created evaluation instance with the specified cost array.
Evaluation(List<String>, INDArray) - Constructor for class org.nd4j.evaluation.classification.Evaluation
Created evaluation instance with the specified cost array.
Evaluation.Metric - Enum in org.nd4j.evaluation.classification
 
EvaluationAveraging - Enum in org.nd4j.evaluation
The averaging approach for binary valuation measures when applied to multiclass classification problems.
EvaluationBinary - Class in org.nd4j.evaluation.classification
EvaluationBinary: used for evaluating networks with binary classification outputs.
EvaluationBinary(INDArray) - Constructor for class org.nd4j.evaluation.classification.EvaluationBinary
Create an EvaulationBinary instance with an optional decision threshold array.
EvaluationBinary(int, Integer) - Constructor for class org.nd4j.evaluation.classification.EvaluationBinary
This constructor allows for ROC to be calculated in addition to the standard evaluation metrics, when the rocBinarySteps arg is non-null.
EvaluationBinary.Metric - Enum in org.nd4j.evaluation.classification
 
EvaluationCalibration - Class in org.nd4j.evaluation.classification
EvaluationCalibration is an evaluation class designed to analyze the calibration of a classifier.
It provides a number of tools for this purpose: - Counts of the number of labels and predictions for each class
- Reliability diagram (or reliability curve)
- Residual plot (histogram)
- Histograms of probabilities, including probabilities for each class separately

References:
- Reliability diagram: see for example Niculescu-Mizil and Caruana 2005, Predicting Good Probabilities With Supervised Learning
- Residual plot: see Wallace and Dahabreh 2012, Class Probability Estimates are Unreliable for Imbalanced Data (and How to Fix Them)
EvaluationCalibration() - Constructor for class org.nd4j.evaluation.classification.EvaluationCalibration
Create an EvaluationCalibration instance with the default number of bins
EvaluationCalibration(int, int) - Constructor for class org.nd4j.evaluation.classification.EvaluationCalibration
Create an EvaluationCalibration instance with the specified number of bins
EvaluationCalibration(int, int, boolean) - Constructor for class org.nd4j.evaluation.classification.EvaluationCalibration
Create an EvaluationCalibration instance with the specified number of bins
EvaluationUtils - Class in org.nd4j.evaluation
Utility methods for performing evaluation
EvaluationUtils() - Constructor for class org.nd4j.evaluation.EvaluationUtils
 
Event - Enum in org.nd4j.linalg.heartbeat.reports
 
eventsCount - Variable in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
eventType() - Method in class org.nd4j.graph.UIEvent
 
ews - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
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
 
exclusive - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
exclusive - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
EXCLUSIVE_RESOURCE_ACCESS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CriticalSectionExecutionDef
 
exec(Map<String, INDArray>, List<String>) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
exec(Map<String, INDArray>, String...) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
exec(INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.params.MMulTranspose
Execute the matrix multiplication: A x B Note that if a or b have transposeA/B == true, then this is done internally.
exec(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(CustomOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(ReduceOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(Variance) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(IndexAccumulation) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(BroadcastOp) - 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(ScalarOp) - 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(CustomOp, OpContext) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
exec(Op) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute the operation
exec(ReduceOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute a reduceOp, possibly along one or more dimensions
exec(BroadcastOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute a broadcast op, possibly along one or more dimensions
exec(ScalarOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute ScalarOp
exec(Variance) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute an variance accumulation op, possibly along one or more dimensions
exec(IndexAccumulation) - 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 arbitrary 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(CustomOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
exec(CustomOp, OpContext) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method executes op with given context
exec(INDArray...) - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
exec(INDArray...) - Method in interface org.nd4j.linalg.api.ops.Module
 
exec(Op) - Static method in class org.nd4j.linalg.factory.Nd4j
Execute the operation and return the result
exec(CustomOp) - Static method in class org.nd4j.linalg.factory.Nd4j
Execute the operation and return the result
exec(CustomOp, OpContext) - Static method in class org.nd4j.linalg.factory.Nd4j
Execute the operation and return the result
EXEC_OPTS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
EXEC_THREADS - Static variable in class org.nd4j.linalg.executors.ExecutorServiceProvider
 
execAll(Map<String, INDArray>) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
execAndEndResult() - Method in class org.nd4j.autodiff.samediff.SameDiff
Deprecated.
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(ReduceOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
execAndReturn(Variance) - 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(CustomOp) - 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(ReduceOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Execute and return the result from an accumulation
execAndReturn(Variance) - 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
execAndReturn(CustomOp) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method executes given CustomOp PLEASE NOTE: You're responsible for input/output validation
execBackwards(Map<String, INDArray>) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create (if required) and then calculate the variable gradients (backward pass) for this graph.
After execution, the gradient arrays can be accessed using myVariable.getGradient().getArr()
Note: This method by default calculates VARIABLE type SDVariable gradients only (as well as any other gradients needed to calculate the variable gradients).
execBackwards(Map<String, INDArray>, String...) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
execBackwards(Map<String, INDArray>, List<String>) - Method in class org.nd4j.autodiff.samediff.SameDiff
As per SameDiff.execBackwards(Map), but the set of gradients to calculate can be specified manually.
For example, to calculate the gradient for placeholder variable "myPlaceholder", use execBackwards(placeholders, Arrays.asList(myPlaceholder.gradient().getVarName()).
execConstInputs - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
Contains the set set of constant and placeholders inputs Essentially the same as the execInputs map, but the constants and placeholders are used for calculating all instances of a variable - i.e., the input (constant/placeholder) applies to all frames and iterations.
execInputs - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
Stores what variables are required to calculate the specific variable.
execInputsAllIter - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
As per execInputs map - with the different that the iteration number should be ignored (i.e., always 0) Reason: Enter nodes - these are executed once Example: EnterOp(x) -> LoopCondition(less(x,y)): less op requires "X" on all iterations which is the output of the enter op, which is only executed for iteration 0 in a frame.
execSameDiff(SDVariable...) - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
execSameDiff(SDVariable...) - Method in interface org.nd4j.linalg.api.ops.Module
 
execSingle(Map<String, INDArray>, String) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
exectedTrueOrFalse(boolean) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
Toggle whether the true body was executed or the false body
EXECUTE_IN_CRITICAL_SECTION_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CriticalSectionExecutionDef
 
executeGraph(SameDiff, ExecutorConfiguration) - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
This method executes given graph and returns results
executeGraph(SameDiff) - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
This method executes given graph and returns results PLEASE NOTE: Default configuration is used
executeGraph(int, SDVariable...) - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
This method executes
executeGraph(SameDiff, ExecutorConfiguration) - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
This method executes given graph and returns results
executeGraph(SameDiff) - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
 
executeGraph(int, SDVariable...) - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
This method executes
executeGraph(long, Map<String, INDArray>, Map<String, Integer>) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
executeGraph(long, Map<String, INDArray>, Map<String, Integer>) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
ExecutionMode - Enum in org.nd4j.autodiff.execution.conf
 
ExecutionMode - Class in org.nd4j.graph
 
executionMode() - Method in class org.nd4j.graph.FlatConfiguration
 
EXECUTOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
ExecutorConfiguration - Class in org.nd4j.autodiff.execution.conf
 
ExecutorConfiguration() - Constructor for class org.nd4j.autodiff.execution.conf.ExecutorConfiguration
 
ExecutorOpts - Class in org.tensorflow.distruntime
Options specific to the execution of a single step.
ExecutorOpts.Builder - Class in org.tensorflow.distruntime
Options specific to the execution of a single step.
ExecutorOptsOrBuilder - Interface in org.tensorflow.distruntime
 
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
 
Exit - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
 
Exit() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
exp(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
exp(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise exponent function: out = exp(x) = 2.71828...^x
exp(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise exponent function: out = exp(x) = 2.71828...^x
Exp - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Element-wise exponential function
Exp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
Exp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
Exp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
Exp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
exp(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Run the exp operation
exp(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Exp function
expandDims(SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
expandDims(SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
expandDims(String, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reshape the input by adding a 1 at the specified location.
For example, if input has shape [a, b], then output shape is:
axis = 0: [1, a, b]
axis = 1: [a, 1, b]
axis = 2: [a, b, 1]
ExpandDims - Class in org.nd4j.linalg.api.ops.impl.shape
ExpandDims function
ExpandDims() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
ExpandDims(SameDiff, SDVariable[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
ExpandDims(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
ExpandDims(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
ExpandDims(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
expandDims(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Expand the array dimensions.
expected(SDVariable, INDArray) - Method in class org.nd4j.autodiff.validation.TestCase
Validate the output (forward pass) for a single variable using INDArray.equals(INDArray)
expected(String, INDArray) - Method in class org.nd4j.autodiff.validation.TestCase
Validate the output (forward pass) for a single variable using INDArray.equals(INDArray)
expected(SDVariable, Function<INDArray, String>) - Method in class org.nd4j.autodiff.validation.TestCase
 
expected(String, Function<INDArray, String>) - Method in class org.nd4j.autodiff.validation.TestCase
 
expectedOutput(int, INDArray) - Method in class org.nd4j.autodiff.validation.OpTestCase
Validate the op output using INDArray.equals(INDArray)
expectedOutput(int, LongShapeDescriptor, Function<INDArray, String>) - Method in class org.nd4j.autodiff.validation.OpTestCase
 
expectedOutput(String, INDArray) - Method in class org.nd4j.autodiff.validation.TestCase
Validate the output (forward pass) for a single variable using INDArray.equals(INDArray)
expectedOutputRelError(int, INDArray, double, double) - Method in class org.nd4j.autodiff.validation.OpTestCase
Validate the output for a single variable using element-wise relative error: relError = abs(x-y)/(abs(x)+abs(y)), with x=y=0 case defined to be 0.0.
expectedOutputRelError(String, INDArray, double, double) - Method in class org.nd4j.autodiff.validation.TestCase
Validate the output (forward pass) for a single variable using element-wise relative error: relError = abs(x-y)/(abs(x)+abs(y)), with x=y=0 case defined to be 0.0.
EXPERIMENTAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
EXPERIMENTAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
EXPERIMENTAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions
 
EXPERIMENTAL_VALUE - Static variable in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
EXPERIMENTAL = 0;
EXPLANATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDeprecation
 
EXPLICIT - Static variable in class org.nd4j.graph.OutputMode
 
EXPLICIT_AND_IMPLICIT - Static variable in class org.nd4j.graph.OutputMode
 
expm1(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
expm1(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise 1.0 - exponent function: out = 1.0 - exp(x) = 1.0 - 2.71828...^x
expm1(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise 1.0 - exponent function: out = 1.0 - exp(x) = 1.0 - 2.71828...^x
Expm1 - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Element-wise exponential function minus 1, i.e.
Expm1(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
Expm1() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
Expm1(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
Expm1(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
expm1(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Elementwise exponential - 1 function
exponential(double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a exponential distribution: P(x) = lambda * exp(-lambda * x)
exponential(String, double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a exponential distribution: P(x) = lambda * exp(-lambda * x)
ExponentialSchedule - Class in org.nd4j.linalg.schedule
An exponential schedule, with 2 parameters: initial value, and gamma.
value(i) = initialValue * gamma^i where i is the iteration or epoch (depending on the setting)
ExponentialSchedule(ScheduleType, double, double) - Constructor for class org.nd4j.linalg.schedule.ExponentialSchedule
 
ExtendSessionRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ExtendSessionRequest
ExtendSessionRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ExtendSessionRequest
ExtendSessionRequestOrBuilder - Interface in org.tensorflow.distruntime
 
ExtendSessionResponse - Class in org.tensorflow.distruntime
TODO(mrry): Return something about the operation?
ExtendSessionResponse.Builder - Class in org.tensorflow.distruntime
TODO(mrry): Return something about the operation?
ExtendSessionResponseOrBuilder - Interface in org.tensorflow.distruntime
 
EXTENT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorSliceProto
 
EXTERNAL_VALUES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ValuesDef
 
externalAllocations - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
externalCount - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
externalErrors(SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
externalErrors(Map<String, INDArray>, SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
ExternalErrorsFunction - Class in org.nd4j.linalg.api.ops.impl.layers
 
ExternalErrorsFunction(SameDiff, List<SDVariable>, Map<String, INDArray>) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
ExternalErrorsFunction() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
extraArgs - Variable in class org.nd4j.autodiff.functions.DifferentialFunction
 
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.layers.convolution.LegacyPooling2D
Deprecated.
 
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(DataType) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
extraArgsDataBuff(DataType) - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
extraArgsDataBuff(DataType) - 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
 
extraBools(int) - Method in class org.nd4j.graph.FlatNode
 
extraBoolsAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
extraBoolsInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
extraBoolsLength() - Method in class org.nd4j.graph.FlatNode
 
extractComponents(INDArray) - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
 
extractImagePatches(SDVariable, int, int, int, int, int, int, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
extractImagePatches(String, SDVariable, int, int, int, int, int, int, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Extract image patches
ExtractImagePatches - Class in org.nd4j.linalg.api.ops.impl.image
Extract image patches op - a sliding window operation over 4d activations that puts the output images patches into the depth dimension
ExtractImagePatches() - Constructor for class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
ExtractImagePatches(SameDiff, SDVariable, int[], int[], int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
extractNonMaskedTimeSteps(INDArray, INDArray, INDArray) - Static method in class org.nd4j.evaluation.EvaluationUtils
 
extraInteger(int) - Method in class org.nd4j.graph.FlatNode
 
extraIntegerAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
extraIntegerInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
extraIntegerLength() - Method in class org.nd4j.graph.FlatNode
 
extraParams(int) - Method in class org.nd4j.graph.FlatNode
 
extraParamsAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
extraParamsInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
extraParamsLength() - Method in class org.nd4j.graph.FlatNode
 
extras - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
extras(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
eye(int) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Generate a square identity matrix with the specified number of rows.
eye(String, int) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Generate an identity matrix with the specified number of rows and columns.
eye(int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
eye(String, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
As per SDMath.eye(String, int, int, DataType) but with the default datatype, Eye.DEFAULT_DTYPE
eye(String, int, int, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Generate an identity matrix with the specified number of rows and columns Example:
eye(int, int, DataType, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
eye(String, int, int, DataType, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Generate an identity matrix with the specified number of rows and columns, with optional leading dims
Example:
batchShape: [3,3]
numRows: 2
numCols: 4
returns a tensor of shape (3, 3, 2, 4) that consists of 3 * 3 batches of (2,4)-shaped identity matrices:
1 0 0 0
0 1 0 0
eye(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
As per SDMath.eye(int, int, DataType, int...) bit with the number of rows/columns specified as scalar SDVariables, and the batch dimension specified as a 1D SDVariable
eye(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
As per #eye(String, int, int, int...) bit with the number of rows/columns specified as scalar SDVariables, and the batch dimension specified as a 1D SDVariable
eye(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
As per SDMath.eye(String, int, int) bit with the number of rows/columns specified as scalar SDVariables
eye(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
As per SDMath.eye(int, int) bit with the number of rows/columns specified as scalar SDVariables
eye(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
As per SDMath.eye(String, int) but with the number of rows specified as a scalar SDVariable
eye(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
As per SDMath.eye(int) but with the number of rows specified as a scalar SDVariable
Eye - Class in org.nd4j.linalg.api.ops.impl.shape
Computes a batch of identity matrices of shape (numRows, numCols), returns a single tensor.
Eye() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
Eye(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
Eye(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
Eye(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
Eye(SameDiff, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
Eye(SameDiff, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
Eye(SameDiff, int, int, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
Eye(SameDiff, int, int, DataType, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Eye
 
eye(long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create the identity ndarray
eye(long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create the identity ndarray
eye(long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create the identity ndarray

F

f() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
f() - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
f() - Method in class org.nd4j.autodiff.samediff.ops.SDOps
 
f() - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns this samediff instance's DifferentialFunctionFactory
f1(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate f1 score for a given class
f1() - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the F1 score
F1 score is defined as:
TP: true positive
FP: False Positive
FN: False Negative
F1 score: 2 * TP / (2TP + FP + FN)

Note: value returned will differ depending on number of classes and settings.
1.
f1(EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the average F1 score across all classes, using macro or micro averaging
f1(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the F1 score for the specified output
F_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
F_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
F_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
F_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
factory() - Static method in class org.nd4j.linalg.factory.Nd4j
The factory used for creating ndarrays
FAILED_PRECONDITION_VALUE - Static variable in enum org.tensorflow.framework.Code
Operation was rejected because the system is not in a state required for the operation's execution.
FallbackAction - Class in org.nd4j.linalg.env.impl
 
FallbackAction() - Constructor for class org.nd4j.linalg.env.impl.FallbackAction
 
fallbackMode - Static variable in class org.nd4j.linalg.factory.Nd4j
 
falseAlarmRate() - Method in class org.nd4j.evaluation.classification.Evaluation
False Alarm Rate (FAR) reflects rate of misclassified to classified records http://ro.ecu.edu.au/cgi/viewcontent.cgi?article=1058&context=isw
Note: value returned will differ depending on number of classes and settings.
1.
falseAlarmRate(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
False Alarm Rate (FAR) reflects rate of misclassified to classified records http://ro.ecu.edu.au/cgi/viewcontent.cgi?article=1058&context=isw
falseBody - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
falseBodyExecution - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
falseBodyName - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
falseNegativeRate(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the false negative rate for a given label
falseNegativeRate(Integer, double) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the false negative rate for a given label
falseNegativeRate() - Method in class org.nd4j.evaluation.classification.Evaluation
False negative rate based on guesses so far Note: value returned will differ depending on number of classes and settings.
1.
falseNegativeRate(EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the average false negative rate for all classes - can specify whether macro or micro averaging should be used
falseNegativeRate(Integer) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Returns the false negative rate for a given label
falseNegativeRate(Integer, double) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Returns the false negative rate for a given label
falseNegativeRate(long, long, double) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the false negative rate from the false negative counts and true positive count
falseNegatives - Variable in class org.nd4j.evaluation.classification.Evaluation
 
falseNegatives() - Method in class org.nd4j.evaluation.classification.Evaluation
False negatives: correctly rejected
falseNegatives(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the false negatives count for the specified output
falsePositiveRate(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the false positive rate for a given label
falsePositiveRate(int, double) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the false positive rate for a given label
falsePositiveRate() - Method in class org.nd4j.evaluation.classification.Evaluation
False positive rate based on guesses so far
Note: value returned will differ depending on number of classes and settings.
1.
falsePositiveRate(EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the average false positive rate across all classes.
falsePositiveRate(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Returns the false positive rate for a given label
falsePositiveRate(int, double) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Returns the false positive rate for a given label
falsePositiveRate(long, long, double) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the false positive rate from the false positive count and true negative count
falsePositives - Variable in class org.nd4j.evaluation.classification.Evaluation
 
falsePositives() - Method in class org.nd4j.evaluation.classification.Evaluation
False positive: wrong guess
falsePositives(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the false positives count for the specified output
fastpath_b - Variable in class org.nd4j.linalg.api.ops.BaseOpContext
 
fastpath_d - Variable in class org.nd4j.linalg.api.ops.BaseOpContext
 
fastpath_i - Variable in class org.nd4j.linalg.api.ops.BaseOpContext
 
fastpath_in - Variable in class org.nd4j.linalg.api.ops.BaseOpContext
 
fastpath_out - Variable in class org.nd4j.linalg.api.ops.BaseOpContext
 
fBeta(double, int) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the f_beta for a given class, where f_beta is defined as:
(1+beta^2) * (precision * recall) / (beta^2 * precision + recall).
F1 is a special case of f_beta, with beta=1.0
fBeta(double, int, double) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the f_beta for a given class, where f_beta is defined as:
(1+beta^2) * (precision * recall) / (beta^2 * precision + recall).
F1 is a special case of f_beta, with beta=1.0
fBeta(double, EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the average F_beta score across all classes, using macro or micro averaging
fBeta(double, int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Calculate the F-beta value for the given output
fBeta(double, long, long, long) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the F beta value from counts
fBeta(double, double, double) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the F-beta value from precision and recall
FeatureUtil - Class in org.nd4j.linalg.util
Feature matrix related jcuda.utils
FeatureUtil() - Constructor for class org.nd4j.linalg.util.FeatureUtil
 
FEED_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.PartialRunSetupRequest
 
FEED_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunCallableRequest
 
FEED_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepRequest
 
FEED_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CallableOptions
 
fetch(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.fetcher.DataSetFetcher
Fetches the next dataset.
FETCH_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.PartialRunSetupRequest
 
FETCH_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunCallableResponse
 
FETCH_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepRequest
 
FETCH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CallableOptions
 
FETCH_STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.LoggingRequest
 
fetcher - Variable in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
FILE_PATH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebuggedSourceFile
 
FILENAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AssetFileDef
 
FILENAME_TENSOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.util.SaverDef
 
fill(SDVariable, DataType, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
fill(SDVariable, DataType, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Generate an output variable with the specified (dynamic) shape with all elements set to the specified value
fill(String, SDVariable, DataType, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Generate an output variable with the specified (dynamic) shape with all elements set to the specified value
Fill - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Fill an array of given "shape" with the provided "value", e.g.
Fill() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
Fill(SameDiff, SDVariable, DataType, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
Fill(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
fillFile(File, long) - Static method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
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
filterOutFixedDimensions(int[], List<Integer>) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
finalResult - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
finishFlatArrayBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArray
 
finishFlatConfigurationBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatConfiguration
 
finishFlatGraphBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
finishFlatInferenceRequestBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
finishFlatNodeBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
finishFlatPropertiesBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
finishFlatResultBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResult
 
finishFlatVariableBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
finishSizePrefixedFlatArrayBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArray
 
finishSizePrefixedFlatConfigurationBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatConfiguration
 
finishSizePrefixedFlatGraphBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
finishSizePrefixedFlatInferenceRequestBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
finishSizePrefixedFlatNodeBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
finishSizePrefixedFlatPropertiesBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
finishSizePrefixedFlatResultBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResult
 
finishSizePrefixedFlatVariableBuffer(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
first() - Method in class org.nd4j.graph.IntPair
 
first() - Method in class org.nd4j.graph.IntTriple
 
first() - Method in class org.nd4j.graph.LongPair
 
first() - Method in class org.nd4j.graph.LongTriple
 
FirstAxisIterator - Class in org.nd4j.linalg.api.iter
 
FirstAxisIterator(INDArray) - Constructor for class org.nd4j.linalg.api.iter.FirstAxisIterator
 
firstIndex(SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
firstIndex(SDVariable, Condition, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
firstIndex(String, SDVariable, Condition, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
First index reduction operation.
Returns a variable that contains the index of the first element that matches the specified condition (for each slice along the specified dimensions)
firstIndex(String, SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
First index reduction operation.
Returns a variable that contains the index of the first element that matches the specified condition (for each slice along the specified dimensions)
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
firstIndex(SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
FirstIndex - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of max value over a vector
FirstIndex(SameDiff, SDVariable, Condition, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
FirstIndex() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
FirstIndex(INDArray, Condition, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
FirstIndex(INDArray, Condition, double, int...) - 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
firstX(INDArray, int) - Static method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
fit(DataSet) - Method in class org.nd4j.autodiff.samediff.SameDiff
Fit the SameDiff instance based on a single DataSet (i.e., a single minibatch for one iteration).
This method can only be used for singe input, single output SameDiff instances as DataSet only supports a single input and a single output.
Note that a TrainingConfig must be set via SameDiff.setTrainingConfig(TrainingConfig) before training can be performed.
fit(MultiDataSet) - Method in class org.nd4j.autodiff.samediff.SameDiff
Fit the SameDiff instance based on a single MultiDataSet (i.e., a single minibatch for one iteration).
Note that a TrainingConfig must be set via SameDiff.setTrainingConfig(TrainingConfig) before training can be performed.
fit(DataSetIterator, int) - Method in class org.nd4j.autodiff.samediff.SameDiff
Fit the SameDiff instance based on DataSetIterator for the specified number of epochs.
This method can only be used for singe input, single output SameDiff instances as DataSet only supports a single input and a single output.
Note that a TrainingConfig must be set via SameDiff.setTrainingConfig(TrainingConfig) before training can be performed.
fit(MultiDataSetIterator, int) - Method in class org.nd4j.autodiff.samediff.SameDiff
Fit the SameDiff instance based on MultiDataSetIterator for the specified number of epochs.
This method can both singe input, single output and multi-input, multi-output SameDiff instances
Note that a TrainingConfig must be set via SameDiff.setTrainingConfig(TrainingConfig) before training can be performed.
fit(MultiDataSetIterator, int, boolean) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
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(MultiDataSetIterator) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
fit(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
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
 
FixedSchedule - Class in org.nd4j.linalg.schedule
 
FixedSchedule(double) - Constructor for class org.nd4j.linalg.schedule.FixedSchedule
 
flags() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
flags() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
flags() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
flags(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
FlatArray - Class in org.nd4j.graph
 
FlatArray() - Constructor for class org.nd4j.graph.FlatArray
 
FlatArrayList - Class in org.nd4j.graph
 
FlatArrayList() - Constructor for class org.nd4j.graph.FlatArrayList
 
FlatBuffersMapper - Class in org.nd4j.autodiff.samediff.serde
 
FlatConfiguration - Class in org.nd4j.graph
 
FlatConfiguration() - Constructor for class org.nd4j.graph.FlatConfiguration
 
FlatDropRequest - Class in org.nd4j.graph
 
FlatDropRequest() - Constructor for class org.nd4j.graph.FlatDropRequest
 
FlatGraph - Class in org.nd4j.graph
 
FlatGraph() - Constructor for class org.nd4j.graph.FlatGraph
 
FlatInferenceRequest - Class in org.nd4j.graph
 
FlatInferenceRequest() - Constructor for class org.nd4j.graph.FlatInferenceRequest
 
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
 
FlatNode - Class in org.nd4j.graph
 
FlatNode() - Constructor for class org.nd4j.graph.FlatNode
 
FlatProperties - Class in org.nd4j.graph
 
FlatProperties() - Constructor for class org.nd4j.graph.FlatProperties
 
FlatResponse - Class in org.nd4j.graph
 
FlatResponse() - Constructor for class org.nd4j.graph.FlatResponse
 
FlatResult - Class in org.nd4j.graph
 
FlatResult() - Constructor for class org.nd4j.graph.FlatResult
 
Flatten - Class in org.nd4j.linalg.api.ops.custom
This op takes arbitrary number of arrays as input, and returns single "flattened" vector
Flatten() - Constructor for class org.nd4j.linalg.api.ops.custom.Flatten
 
Flatten(char, INDArray...) - Constructor for class org.nd4j.linalg.api.ops.custom.Flatten
 
Flatten(INDArray, INDArray...) - Constructor for class org.nd4j.linalg.api.ops.custom.Flatten
 
FlatTiming - Class in org.nd4j.graph
 
FlatTiming() - Constructor for class org.nd4j.graph.FlatTiming
 
FlatVariable - Class in org.nd4j.graph
 
FlatVariable() - Constructor for class org.nd4j.graph.FlatVariable
 
FLEXIBLE_ENCODING - Static variable in class org.nd4j.linalg.compression.ThresholdCompression
 
FLOAT - Static variable in class org.nd4j.graph.DataType
 
FLOAT16_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
Advanced types
FLOAT16_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
Advanced types
FLOAT8 - Static variable in class org.nd4j.graph.DataType
 
FLOAT_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
FLOAT_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
FLOAT_LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef
 
FLOAT_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
FLOAT_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
FLOAT = 1;
FLOAT_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
Basic types.
FLOAT_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
FLOAT = 1;
FLOAT_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
Basic types.
FloatMatrixNDArrayList - Class in org.nd4j.list.matrix
A MatrixBaseNDArrayList for float data type
FloatMatrixNDArrayList() - Constructor for class org.nd4j.list.matrix.FloatMatrixNDArrayList
 
FloatNDArrayList - Class in org.nd4j.list
An BaseNDArrayList for float
FloatNDArrayList() - Constructor for class org.nd4j.list.FloatNDArrayList
 
FloatNDArrayList(INDArray) - Constructor for class org.nd4j.list.FloatNDArrayList
 
FLOATS_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
FLOATS_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
FLOATS_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
FLOATS = 6;
FLOATS_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
FLOATS = 6;
floor(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
floor(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise floor function: out = floor(x).
floor(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise floor function: out = floor(x).
Floor - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Floor elementwise function
Floor(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
Floor() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
Floor(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
Floor(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.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
floorDiv(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
floorDivBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
FloorDivBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Floor div backprop operation.
FloorDivBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.FloorDivBpOp
 
FloorDivBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.FloorDivBpOp
 
FloorDivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Truncated division operation
FloorDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
FloorDivOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
FloorDivOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
FloorDivOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
floorMod(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
floorModBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
FloorModBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Floor div backprop operation.
FloorModBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.FloorModBpOp
 
FloorModBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.FloorModBpOp
 
FloorModOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Floor mod
FloorModOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorModOp
 
FloorModOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorModOp
 
FlowPath - Class in org.nd4j.autodiff.samediff.flow
This class acts as holder for flow control information.
FlowPath() - Constructor for class org.nd4j.autodiff.samediff.flow.FlowPath
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
fmod(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
fmod(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
fmod(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
fmodi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.pairwise.arithmetic
Floating-point mod
FModOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
FModOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
FModOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
FModOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
FModOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
FModOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
FModOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
fn - Variable in class org.nd4j.autodiff.samediff.internal.DataTypesSession.DataTypeCalc
 
footprintBackward() - Method in class org.nd4j.graph.FlatConfiguration
 
footprintBackward() - Method in class org.nd4j.graph.FlatResult
 
footprintForward() - Method in class org.nd4j.graph.FlatConfiguration
 
footprintForward() - Method in class org.nd4j.graph.FlatResult
 
FORCE_GPU_COMPATIBLE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
forgetFrame(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method removes specified frame from tracking
forgetGraph(long) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
forgetGraph(long) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
format(double, int) - Method in class org.nd4j.evaluation.curves.BaseCurve
 
format - Static variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
format - Static variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
format(INDArray) - Method in class org.nd4j.linalg.string.NDArrayStrings
 
format(INDArray, boolean) - Method in class org.nd4j.linalg.string.NDArrayStrings
Format the given ndarray as a string
format(String, Object) - Method in class org.nd4j.linalg.util.NDArrayPreconditionsFormat
 
formatTags() - Method in class org.nd4j.linalg.util.NDArrayPreconditionsFormat
 
forNumber(int) - Static method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
 
forNumber(int) - Static method in enum onnx.OnnxMlProto3.TensorProto.DataType
 
forNumber(int) - Static method in enum onnx.OnnxMlProto3.TensorShapeProto.Dimension.ValueCase
 
forNumber(int) - Static method in enum onnx.OnnxMlProto3.TypeProto.ValueCase
 
forNumber(int) - Static method in enum onnx.OnnxMlProto3.Version
 
forNumber(int) - Static method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
 
forNumber(int) - Static method in enum onnx.OnnxProto3.AttributeProto.AttributeType
 
forNumber(int) - Static method in enum onnx.OnnxProto3.TensorProto.DataType
 
forNumber(int) - Static method in enum onnx.OnnxProto3.TensorShapeProto.Dimension.ValueCase
 
forNumber(int) - Static method in enum onnx.OnnxProto3.TypeProto.ValueCase
 
forNumber(int) - Static method in enum onnx.OnnxProto3.Version
 
forNumber(int) - Static method in enum org.tensorflow.framework.ApiDef.Visibility
 
forNumber(int) - Static method in enum org.tensorflow.framework.AttrValue.ValueCase
 
forNumber(int) - Static method in enum org.tensorflow.framework.Code
 
forNumber(int) - Static method in enum org.tensorflow.framework.CollectionDef.KindCase
 
forNumber(int) - Static method in enum org.tensorflow.framework.ControlFlowContextDef.CtxtCase
 
forNumber(int) - Static method in enum org.tensorflow.framework.DataType
 
forNumber(int) - Static method in enum org.tensorflow.framework.GraphTransferInfo.Destination
 
forNumber(int) - Static method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
 
forNumber(int) - Static method in enum org.tensorflow.framework.OptimizerOptions.Level
 
forNumber(int) - Static method in enum org.tensorflow.framework.RewriterConfig.MemOptType
 
forNumber(int) - Static method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
 
forNumber(int) - Static method in enum org.tensorflow.framework.RewriterConfig.Toggle
 
forNumber(int) - Static method in enum org.tensorflow.framework.RunOptions.TraceLevel
 
forNumber(int) - Static method in enum org.tensorflow.framework.Summary.Value.ValueCase
 
forNumber(int) - Static method in enum org.tensorflow.framework.TensorInfo.EncodingCase
 
forNumber(int) - Static method in enum org.tensorflow.framework.TensorSliceProto.Extent.HasLengthCase
 
forNumber(int) - Static method in enum org.tensorflow.util.BundleHeaderProto.Endianness
 
forNumber(int) - Static method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
 
forNumber(int) - Static method in enum tensorflow.eager.EagerServiceOuterClass.QueueItem.ItemCase
 
FORTRAN - Static variable in interface org.nd4j.linalg.factory.NDArrayFactory
 
FORWARD_AND_BACKWARD - Static variable in class org.nd4j.graph.Direction
 
FORWARD_ONLY - Static variable in class org.nd4j.graph.Direction
 
frame() - Method in class org.nd4j.graph.FrameIteration
 
frameAsByteBuffer() - Method in class org.nd4j.graph.FrameIteration
 
frameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FrameIteration
 
FrameIter() - Constructor for class org.nd4j.autodiff.samediff.internal.AbstractSession.FrameIter
 
frameIter() - Method in class org.nd4j.graph.UIEvent
 
frameIter(FrameIteration) - Method in class org.nd4j.graph.UIEvent
 
FrameIteration - Class in org.nd4j.graph
 
FrameIteration() - Constructor for class org.nd4j.graph.FrameIteration
 
frameName - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
frameParents - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
Map for exit ops.
frames - Variable in class org.nd4j.autodiff.samediff.flow.FlowPath
 
FrameState - Class in org.nd4j.autodiff.samediff.flow
This class is a holder for state of loops imported from TensorFlow, via frame_name
FrameState(String) - Constructor for class org.nd4j.autodiff.samediff.flow.FrameState
 
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
 
FREQUENCY_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
FROM_TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorConnection
 
fromBase64(String) - Static method in class org.nd4j.serde.base64.Nd4jBase64
Create an ndarray from a base 64 representation
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
fromFlatBuffers(ByteBuffer) - Static method in class org.nd4j.autodiff.samediff.SameDiff
Create a SameDiff instance from a byte buffers instance.
fromFlatFile(File) - Static method in class org.nd4j.autodiff.samediff.SameDiff
Create a SameDiff instance from a file.
fromFlatNode(FlatNode) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
 
fromJson(String, Class<T>) - Static method in class org.nd4j.evaluation.BaseEvaluation
 
fromJson(String) - Static method in class org.nd4j.evaluation.classification.Evaluation
 
fromJson(String) - Static method in class org.nd4j.evaluation.classification.EvaluationBinary
 
fromJson(String) - Static method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
fromJson(String) - Static method in class org.nd4j.evaluation.classification.ROC
 
fromJson(String) - Static method in class org.nd4j.evaluation.classification.ROCBinary
 
fromJson(String) - Static method in class org.nd4j.evaluation.classification.ROCMultiClass
 
fromJson(String, Class<T>) - Static method in class org.nd4j.evaluation.curves.BaseCurve
 
fromJson(String, Class<T>) - Static method in class org.nd4j.evaluation.curves.BaseHistogram
 
fromJson(String) - Static method in class org.nd4j.evaluation.curves.Histogram
 
fromJson(String) - Static method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
fromJson(String) - Static method in class org.nd4j.evaluation.curves.RocCurve
 
fromJson(String) - Static method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
fromNpyBase64(String) - Static method in class org.nd4j.serde.base64.Nd4jBase64
Convert a numpy array from base64 to a byte array and then create an INDArray from Nd4j.createNpyFromByteArray(byte[])
fromShape(int[], DataType) - Static method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
fromShape(long[], DataType) - Static method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
fromShape(long[], long[], long, char, DataType, boolean) - Static method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
fromShape(long[], long) - Static method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
fromShapeDescriptor(ShapeDescriptor) - Static method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
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
fromVarType(byte) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
 
fromYaml(String, Class<T>) - Static method in class org.nd4j.evaluation.BaseEvaluation
 
fromYaml(String) - Static method in class org.nd4j.evaluation.classification.Evaluation
 
fromYaml(String) - Static method in class org.nd4j.evaluation.classification.EvaluationBinary
 
fromYaml(String, Class<T>) - Static method in class org.nd4j.evaluation.curves.BaseCurve
 
fromYaml(String, Class<T>) - Static method in class org.nd4j.evaluation.curves.BaseHistogram
 
fromYaml(String) - Static method in class org.nd4j.evaluation.curves.Histogram
 
fromYaml(String) - Static method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
fromYaml(String) - Static method in class org.nd4j.evaluation.curves.RocCurve
 
FULL_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SaveSliceInfoDef
 
FULL_NAME_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
FULL_SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SaveSliceInfoDef
 
FULL_TRACE_VALUE - Static variable in enum org.tensorflow.framework.RunOptions.TraceLevel
FULL_TRACE = 3;
FullConv3D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
FullConv3D operation
FullConv3D(SameDiff, SDVariable[], INDArray[], INDArray[], FullConv3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
FullConv3D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
FullConv3DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
FullConv3DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.FullConv3DConfig
 
FullConv3DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
FullConv3DDerivative operation
FullConv3DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3DDerivative
 
FullConv3DDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], FullConv3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3DDerivative
 
FUNC_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
FUNC_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
FUNCTION_DEF_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
FUNCTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.FunctionDefLibrary
 
FUNCTION_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GradientDef
 
FUNCTION_OPTIMIZATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
FunctionDef - Class in org.tensorflow.framework
A function can be instantiated when the runtime can bind every attr with a value.
FunctionDef.Builder - Class in org.tensorflow.framework
A function can be instantiated when the runtime can bind every attr with a value.
FunctionDefLibrary - Class in org.tensorflow.framework
A library is a set of named functions.
FunctionDefLibrary.Builder - Class in org.tensorflow.framework
A library is a set of named functions.
FunctionDefLibraryOrBuilder - Interface in org.tensorflow.framework
 
FunctionDefOrBuilder - Interface in org.tensorflow.framework
 
functionExists(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns true if the given function id exists
functionOutputFor(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
FunctionProtos - Class in org.tensorflow.framework
 
functions() - Method in class org.nd4j.autodiff.samediff.SameDiff
Get an array of differential functions that have been defined for this SameDiff instance

G

G_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
G_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
gather(SDVariable, int[], int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gather(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gather(SDVariable, int[], int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
gather(String, SDVariable, int[], int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Gather slices from the input variable where the indices are specified as fixed int[] values.
Output shape is same as input shape, except for axis dimension, which has size equal to indices.length.
gather(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
gather(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Gather slices from the input variable where the indices are specified as dynamic SDVariable values.
Output shape is same as input shape, except for axis dimension, which has size equal to indices.length.
Gather - Class in org.nd4j.linalg.api.ops.impl.shape
Gather op
Gather(SameDiff, SDVariable, int[], int, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Gather
 
Gather(SameDiff, SDVariable, SDVariable, int, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Gather
 
gather(SDVariable, int...) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
gather(SDVariable, SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
gatherNd(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gatherNd(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
TODO doc string
gatherNd(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
TODO doc string
GatherNd - Class in org.nd4j.linalg.api.ops.impl.shape
GatherND op
GatherNd(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.GatherNd
 
GaussianDistribution - Class in org.nd4j.linalg.api.ops.random.impl
This Op generates normal distribution over provided mean and stddev
GaussianDistribution(SameDiff, double, double, long[]) - Constructor for class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
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, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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'.
GC_DEFAULT_DEBUG_MODE - Static variable in class org.nd4j.autodiff.validation.TestCase
 
GC_DEFAULT_EPS - Static variable in class org.nd4j.autodiff.validation.TestCase
 
GC_DEFAULT_EXIT_FIRST_FAILURE - Static variable in class org.nd4j.autodiff.validation.TestCase
 
GC_DEFAULT_MAX_REL_ERROR - Static variable in class org.nd4j.autodiff.validation.TestCase
 
GC_DEFAULT_MIN_ABS_ERROR - Static variable in class org.nd4j.autodiff.validation.TestCase
 
GC_DEFAULT_PRINT - Static variable in class org.nd4j.autodiff.validation.TestCase
 
GC_EVENT - Static variable in class org.nd4j.graph.UIEventType
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
gelsd(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Generalized Least Squares via *GELSD.
gelu(SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gelu(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
GELU activation function - Gaussian Error Linear Units
For more details, see Gaussian Error Linear Units (GELUs) - https://arxiv.org/abs/1606.08415 This method uses the sigmoid approximation
gelu(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
GELU activation function - Gaussian Error Linear Units
For more details, see Gaussian Error Linear Units (GELUs) - https://arxiv.org/abs/1606.08415 This method uses the sigmoid approximation
GELU - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
GELU activation function - Gaussian Error Linear Units
For more details, see Gaussian Error Linear Units (GELUs) - https://arxiv.org/abs/1606.08415 Note: This op implements both the sigmoid and tanh-based approximations; to use the sigmoid approximation (recommended) use precise=false; otherwise, use precise = true for the slower but marginally more accurate tanh version.
GELU(SameDiff, SDVariable, boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
GELU() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
GELU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
GELU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
geluDerivative(SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
GELUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
GELU derivative
GELUDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
GELUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
GELUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
GELUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
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, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
gemm(INDArray, INDArray, INDArray, boolean, boolean, double, double) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
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(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(double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
gemm(float, INDArray, INDArray, float, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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(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, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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(Number, INDArray, INDArray, double, INDArray) - 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(Number, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
gemv(double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
gemv(float, INDArray, INDArray, float, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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.
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(long) - 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.
generateNewVarName(String, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
generateNewVarName(String, int) - Method in class org.nd4j.autodiff.samediff.SameDiff
Generate a new variable name based on the uniqueness of the base name and arg index
For example, if baseName = "X" will return:
"X" if "X" does not already exist, or "X:argIndex" if argIndex > 0
"X_1" if "X" already exists, or "X_1:argIndex" if argIndex > 0
"X_2" if "X" and "X_1" already exists, or "X_2:argIndex" if argIndex > 0
And so on, until an unused name is found
generateOutputVariableForOp(DifferentialFunction, String, boolean) - Method in class org.nd4j.autodiff.samediff.SameDiff
Generate the variables based on the given input op and return the output variable names.
generateOutputVariableForOp(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Generate the variables based on the given input op and return the output variable names.
generationId - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
ger(double, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
ger(float, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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)
gesv(INDArray, int[], INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
gesv(INDArray, int[], INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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(String, String, int, AbstractSession.FrameIter) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
Get a previously calculated output; throws an exception if the output does not exist
get(String, String, int, AbstractSession.FrameIter, boolean) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
Get a previously calculated output
get(SDIndex...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Get a variable with content equal to a specified sub-array of this variable.
Can be used (for example) to get rows, columns, sub-matrices, etc.
get(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
get(List<List<Integer>>) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
get(INDArrayIndex...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns a subset of this array based on the specified indexes
get(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
get(List<List<Integer>>) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
get(INDArrayIndex...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
get(INDArrayIndex...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Returns a subset of this array based on the specified indexes
get(INDArrayIndex...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
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(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the elements from this ndarray based on the specified indices
get(List<List<Integer>>) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Deprecated.
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
get(int) - Method in class org.nd4j.list.BaseNDArrayList
 
get(int) - Method in class org.nd4j.list.FloatNDArrayList
 
get(int) - Method in class org.nd4j.list.IntNDArrayList
 
get(int) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
get(int) - Method in class org.nd4j.list.NDArrayList
 
get3dPermutedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dPermutedWithShape(long, long[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dReshapedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dReshapedWithShape(long, long[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dSubArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dSubArraysWithShape(long, long[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dTensorAlongDimensionWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get3dTensorAlongDimensionWithShape(long, long[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dPermutedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dReshapedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dSubArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get4dTensorAlongDimensionWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dPermutedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dReshapedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dSubArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get5dTensorAlongDimensionWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get6dPermutedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get6dReshapedWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
get6dSubArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
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.ActivationGELU
 
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.ActivationPReLU
 
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.ActivationReLU6
 
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.ActivationSwish
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationTanH
 
getActivation(INDArray, boolean) - Method in class org.nd4j.linalg.activations.impl.ActivationThresholdedReLU
 
getActivationFunction() - Method in enum org.nd4j.linalg.activations.Activation
Creates an instance of the activation function
getActiveBranch(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method returns active branch of specific node (if any)
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
 
getActualTotal(T) - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Computes the total number of times the class actually appeared in the data.
getAffinityManager() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getAliasInputPort() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
If >= 0, the output is an alias of an input.
getAliasInputPort() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
If >= 0, the output is an alias of an input.
getAliasInputPort() - Method in interface org.tensorflow.framework.CostGraphDef.Node.OutputInfoOrBuilder
If >= 0, the output is an alias of an input.
getAll3dTestArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll3dTestArraysWithShape(long, long[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll4dTestArraysWithShape(int, long[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll4dTestArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll5dTestArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAll6dTestArraysWithShape(int, int[], DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getAllEndRelMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 all_end_rel_micros = 5;
getAllEndRelMicros() - Method in class org.tensorflow.framework.NodeExecStats
int64 all_end_rel_micros = 5;
getAllEndRelMicros() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
int64 all_end_rel_micros = 5;
getAllocatedBytes() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Total number of bytes allocated if known
getAllocatedBytes() - Method in class org.tensorflow.framework.AllocationDescription
Total number of bytes allocated if known
getAllocatedBytes() - Method in interface org.tensorflow.framework.AllocationDescriptionOrBuilder
Total number of bytes allocated if known
getAllocationDescription() - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
getAllocationDescription() - Method in class org.tensorflow.framework.TensorDescription
Information about the size and allocator used for the data
getAllocationDescription() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Information about the size and allocator used for the data
getAllocationDescriptionBuilder() - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
getAllocationDescriptionOrBuilder() - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
getAllocationDescriptionOrBuilder() - Method in class org.tensorflow.framework.TensorDescription
Information about the size and allocator used for the data
getAllocationDescriptionOrBuilder() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Information about the size and allocator used for the data
getAllocationId() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Identifier of the allocated buffer if known
getAllocationId() - Method in class org.tensorflow.framework.AllocationDescription
Identifier of the allocated buffer if known
getAllocationId() - Method in interface org.tensorflow.framework.AllocationDescriptionOrBuilder
Identifier of the allocated buffer if known
getAllocationId() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Id of the tensor buffer being allocated, used to match to a corresponding deallocation.
getAllocationId() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Id of the tensor buffer being allocated, used to match to a corresponding deallocation.
getAllocationId() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Id of the tensor buffer being allocated, used to match to a corresponding deallocation.
getAllocationId() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
getAllocationId() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
getAllocationId() - Method in interface org.tensorflow.framework.MemoryLogRawDeallocationOrBuilder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
getAllocationId() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
getAllocationId() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
getAllocationId() - Method in interface org.tensorflow.framework.MemoryLogTensorDeallocationOrBuilder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
getAllocationRecords(int) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
getAllocationRecords(int) - Method in class org.tensorflow.framework.AllocatorMemoryUsed
The allocation and deallocation timeline.
getAllocationRecords(int) - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
The allocation and deallocation timeline.
getAllocationRecordsBuilder(int) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
getAllocationRecordsBuilderList() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
getAllocationRecordsCount() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
getAllocationRecordsCount() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
The allocation and deallocation timeline.
getAllocationRecordsCount() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
The allocation and deallocation timeline.
getAllocationRecordsList() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
getAllocationRecordsList() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
The allocation and deallocation timeline.
getAllocationRecordsList() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
The allocation and deallocation timeline.
getAllocationRecordsOrBuilder(int) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
getAllocationRecordsOrBuilder(int) - Method in class org.tensorflow.framework.AllocatorMemoryUsed
The allocation and deallocation timeline.
getAllocationRecordsOrBuilder(int) - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
The allocation and deallocation timeline.
getAllocationRecordsOrBuilderList() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
getAllocationRecordsOrBuilderList() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
The allocation and deallocation timeline.
getAllocationRecordsOrBuilderList() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
The allocation and deallocation timeline.
getAllocatorBytesInUse() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
These are snapshots of the overall allocator memory stats.
getAllocatorBytesInUse() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
These are snapshots of the overall allocator memory stats.
getAllocatorBytesInUse() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
These are snapshots of the overall allocator memory stats.
getAllocatorName() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Name of the allocator used
getAllocatorName() - Method in class org.tensorflow.framework.AllocationDescription
Name of the allocator used
getAllocatorName() - Method in interface org.tensorflow.framework.AllocationDescriptionOrBuilder
Name of the allocator used
getAllocatorName() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
string allocator_name = 1;
getAllocatorName() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
string allocator_name = 1;
getAllocatorName() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
string allocator_name = 1;
getAllocatorName() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the allocator used.
getAllocatorName() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Name of the allocator used.
getAllocatorName() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Name of the allocator used.
getAllocatorName() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the allocator used.
getAllocatorName() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
Name of the allocator used.
getAllocatorName() - Method in interface org.tensorflow.framework.MemoryLogRawDeallocationOrBuilder
Name of the allocator used.
getAllocatorName() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Name of the allocator used.
getAllocatorName() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
Name of the allocator used.
getAllocatorName() - Method in interface org.tensorflow.framework.MemoryLogTensorDeallocationOrBuilder
Name of the allocator used.
getAllocatorNameBytes() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Name of the allocator used
getAllocatorNameBytes() - Method in class org.tensorflow.framework.AllocationDescription
Name of the allocator used
getAllocatorNameBytes() - Method in interface org.tensorflow.framework.AllocationDescriptionOrBuilder
Name of the allocator used
getAllocatorNameBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
string allocator_name = 1;
getAllocatorNameBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
string allocator_name = 1;
getAllocatorNameBytes() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
string allocator_name = 1;
getAllocatorNameBytes() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the allocator used.
getAllocatorNameBytes() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Name of the allocator used.
getAllocatorNameBytes() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Name of the allocator used.
getAllocatorNameBytes() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the allocator used.
getAllocatorNameBytes() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
Name of the allocator used.
getAllocatorNameBytes() - Method in interface org.tensorflow.framework.MemoryLogRawDeallocationOrBuilder
Name of the allocator used.
getAllocatorNameBytes() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Name of the allocator used.
getAllocatorNameBytes() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
Name of the allocator used.
getAllocatorNameBytes() - Method in interface org.tensorflow.framework.MemoryLogTensorDeallocationOrBuilder
Name of the allocator used.
getAllocatorType() - Method in class org.tensorflow.framework.GPUOptions.Builder
The type of GPU allocation strategy to use.
getAllocatorType() - Method in class org.tensorflow.framework.GPUOptions
The type of GPU allocation strategy to use.
getAllocatorType() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
The type of GPU allocation strategy to use.
getAllocatorTypeBytes() - Method in class org.tensorflow.framework.GPUOptions.Builder
The type of GPU allocation strategy to use.
getAllocatorTypeBytes() - Method in class org.tensorflow.framework.GPUOptions
The type of GPU allocation strategy to use.
getAllocatorTypeBytes() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
The type of GPU allocation strategy to use.
getAllocBytes() - Method in class org.tensorflow.framework.AllocationRecord.Builder
Number of bytes allocated, or de-allocated if negative.
getAllocBytes() - Method in class org.tensorflow.framework.AllocationRecord
Number of bytes allocated, or de-allocated if negative.
getAllocBytes() - Method in interface org.tensorflow.framework.AllocationRecordOrBuilder
Number of bytes allocated, or de-allocated if negative.
getAllocMicros() - Method in class org.tensorflow.framework.AllocationRecord.Builder
The timestamp of the operation.
getAllocMicros() - Method in class org.tensorflow.framework.AllocationRecord
The timestamp of the operation.
getAllocMicros() - Method in interface org.tensorflow.framework.AllocationRecordOrBuilder
The timestamp of the operation.
getAllowedValues() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
getAllowedValues() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
A list of values that this kernel supports for this attr.
getAllowedValues() - Method in interface org.tensorflow.framework.KernelDef.AttrConstraintOrBuilder
A list of values that this kernel supports for this attr.
getAllowedValues() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
getAllowedValues() - Method in class org.tensorflow.framework.OpDef.AttrDef
The set of allowed values.
getAllowedValues() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
The set of allowed values.
getAllowedValuesBuilder() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
getAllowedValuesBuilder() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
getAllowedValuesOrBuilder() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
getAllowedValuesOrBuilder() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
A list of values that this kernel supports for this attr.
getAllowedValuesOrBuilder() - Method in interface org.tensorflow.framework.KernelDef.AttrConstraintOrBuilder
A list of values that this kernel supports for this attr.
getAllowedValuesOrBuilder() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
getAllowedValuesOrBuilder() - Method in class org.tensorflow.framework.OpDef.AttrDef
The set of allowed values.
getAllowedValuesOrBuilder() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
The set of allowed values.
getAllowGrowth() - Method in class org.tensorflow.framework.GPUOptions.Builder
If true, the allocator does not pre-allocate the entire specified GPU memory region, instead starting small and growing as needed.
getAllowGrowth() - Method in class org.tensorflow.framework.GPUOptions
If true, the allocator does not pre-allocate the entire specified GPU memory region, instead starting small and growing as needed.
getAllowGrowth() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
If true, the allocator does not pre-allocate the entire specified GPU memory region, instead starting small and growing as needed.
getAllowSoftPlacement() - Method in class org.tensorflow.framework.ConfigProto.Builder
Whether soft placement is allowed.
getAllowSoftPlacement() - Method in class org.tensorflow.framework.ConfigProto
Whether soft placement is allowed.
getAllowSoftPlacement() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Whether soft placement is allowed.
getAllowsUninitializedInput() - Method in class org.tensorflow.framework.OpDef.Builder
By default, all inputs to an Op must be initialized Tensors.
getAllowsUninitializedInput() - Method in class org.tensorflow.framework.OpDef
By default, all inputs to an Op must be initialized Tensors.
getAllowsUninitializedInput() - Method in interface org.tensorflow.framework.OpDefOrBuilder
By default, all inputs to an Op must be initialized Tensors.
getAllStartMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 all_start_micros = 2;
getAllStartMicros() - Method in class org.tensorflow.framework.NodeExecStats
int64 all_start_micros = 2;
getAllStartMicros() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
int64 all_start_micros = 2;
getAllTestMatricesWithShape(char, int, int, int, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
Get an array of INDArrays (2d) all with the specified shape.
getAllTestMatricesWithShape(long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
Get an array of INDArrays (2d) all with the specified shape.
getAllWorkspacesForCurrentThread() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
getAllWorkspacesIdsForCurrentThread() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
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
getAndParameterizeOp(String, AbstractSession.FrameIter, Set<AbstractSession.VarId>, Set<AbstractSession.VarId>, Set<String>, Map<String, T>) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
Get the parameterized op to execute - for example, the op/DifferentialFunction with all inputs set
getAndParameterizeOp(String, AbstractSession.FrameIter, Set<AbstractSession.VarId>, Set<AbstractSession.VarId>, Set<String>, Map<String, DataType>) - Method in class org.nd4j.autodiff.samediff.internal.DataTypesSession
 
getAndParameterizeOp(String, AbstractSession.FrameIter, Set<AbstractSession.VarId>, Set<AbstractSession.VarId>, Set<String>, Map<String, INDArray>) - Method in class org.nd4j.autodiff.samediff.internal.InferenceSession
 
getAnyInfo() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
getAnyInfo() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
A serialized protobuf.
getAnyInfo() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
A serialized protobuf.
getAnyInfoBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
getAnyInfoOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
getAnyInfoOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
A serialized protobuf.
getAnyInfoOrBuilder() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
A serialized protobuf.
getAnyList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
getAnyList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.AnyList any_list = 5;
getAnyList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.AnyList any_list = 5;
getAnyListBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
getAnyListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
getAnyListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.AnyList any_list = 5;
getAnyListOrBuilder() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.AnyList any_list = 5;
getArgOrder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
getArgOrder(int) - Method in class org.tensorflow.framework.ApiDef
List of original in_arg names to specify new argument order.
getArgOrder(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
List of original in_arg names to specify new argument order.
getArgOrderBytes(int) - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
getArgOrderBytes(int) - Method in class org.tensorflow.framework.ApiDef
List of original in_arg names to specify new argument order.
getArgOrderBytes(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
List of original in_arg names to specify new argument order.
getArgOrderCount() - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
getArgOrderCount() - Method in class org.tensorflow.framework.ApiDef
List of original in_arg names to specify new argument order.
getArgOrderCount() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
List of original in_arg names to specify new argument order.
getArgOrderList() - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
getArgOrderList() - Method in class org.tensorflow.framework.ApiDef
List of original in_arg names to specify new argument order.
getArgOrderList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
List of original in_arg names to specify new argument order.
getArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getArithmeticOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Arithmetic optimizations (default is ON) e.g.
getArithmeticOptimization() - Method in class org.tensorflow.framework.RewriterConfig
Arithmetic optimizations (default is ON) e.g.
getArithmeticOptimization() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Arithmetic optimizations (default is ON) e.g.
getArithmeticOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Arithmetic optimizations (default is ON) e.g.
getArithmeticOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig
Arithmetic optimizations (default is ON) e.g.
getArithmeticOptimizationValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Arithmetic optimizations (default is ON) e.g.
getArr() - Method in class org.nd4j.autodiff.samediff.SDVariable
A getter for the allocated ndarray with this SDVariable.
getArr(boolean) - Method in class org.nd4j.autodiff.samediff.SDVariable
A getter for the allocated ndarray with this SDVariable.
getArr() - Method in interface org.nd4j.weightinit.impl.NDArraySupplierInitScheme.NDArraySupplier
An array proxy method.
getArray(SDVariable, Collection<AbstractSession.VarId>, Collection<AbstractSession.VarId>) - Method in class org.nd4j.autodiff.samediff.internal.InferenceSession
 
getArrayFrom(NODE_TYPE, GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
getArrayFrom(OnnxProto3.NodeProto, OnnxProto3.GraphProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getArrayFrom(NodeDef, GraphDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getArrForVarName(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get an INDArray for a given vertex id, or null if none exists
getAssetFileDef(int) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
getAssetFileDef(int) - Method in class org.tensorflow.framework.MetaGraphDef
Asset file def to be used with the defined graph.
getAssetFileDef(int) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
Asset file def to be used with the defined graph.
getAssetFileDefBuilder(int) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
getAssetFileDefBuilderList() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
getAssetFileDefCount() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
getAssetFileDefCount() - Method in class org.tensorflow.framework.MetaGraphDef
Asset file def to be used with the defined graph.
getAssetFileDefCount() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
Asset file def to be used with the defined graph.
getAssetFileDefList() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
getAssetFileDefList() - Method in class org.tensorflow.framework.MetaGraphDef
Asset file def to be used with the defined graph.
getAssetFileDefList() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
Asset file def to be used with the defined graph.
getAssetFileDefOrBuilder(int) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
getAssetFileDefOrBuilder(int) - Method in class org.tensorflow.framework.MetaGraphDef
Asset file def to be used with the defined graph.
getAssetFileDefOrBuilder(int) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
Asset file def to be used with the defined graph.
getAssetFileDefOrBuilderList() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
getAssetFileDefOrBuilderList() - Method in class org.tensorflow.framework.MetaGraphDef
Asset file def to be used with the defined graph.
getAssetFileDefOrBuilderList() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
Asset file def to be used with the defined graph.
getAsync() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Whether the ops on the worker should be executed synchronously or asynchronously.
getAsync() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
Whether the ops on the worker should be executed synchronously or asynchronously.
getAsync() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
Whether the ops on the worker should be executed synchronously or asynchronously.
getAttr(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttr(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttr(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttr() - Method in class org.tensorflow.framework.FunctionDef.Builder
Deprecated.
getAttr() - Method in class org.tensorflow.framework.FunctionDef
Deprecated.
getAttr() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
Deprecated.
getAttr() - Method in class org.tensorflow.framework.NameAttrList.Builder
Deprecated.
getAttr() - Method in class org.tensorflow.framework.NameAttrList
Deprecated.
getAttr() - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
Deprecated.
getAttr() - Method in class org.tensorflow.framework.NodeDef.Builder
Deprecated.
getAttr() - Method in class org.tensorflow.framework.NodeDef
Deprecated.
getAttr() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Deprecated.
getAttr(int) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttr(int) - Method in class org.tensorflow.framework.OpDef
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttr(int) - Method in interface org.tensorflow.framework.OpDefOrBuilder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrBuilderList() - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrCount() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrCount() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrCount() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrCount() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
getAttrCount() - Method in class org.tensorflow.framework.FunctionDef
 
getAttrCount() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
Attributes specific to this function definition.
getAttrCount() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
getAttrCount() - Method in class org.tensorflow.framework.NameAttrList
 
getAttrCount() - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
map<string, .tensorflow.AttrValue> attr = 2;
getAttrCount() - Method in class org.tensorflow.framework.NodeDef.Builder
 
getAttrCount() - Method in class org.tensorflow.framework.NodeDef
 
getAttrCount() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Operation-specific graph-construction-time configuration.
getAttrCount() - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrCount() - Method in class org.tensorflow.framework.OpDef
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrCount() - Method in interface org.tensorflow.framework.OpDefOrBuilder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttribute(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
getAttribute(int) - Method in class onnx.OnnxMlProto3.NodeProto
Additional named attributes.
getAttribute(int) - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
Additional named attributes.
getAttribute(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
getAttribute(int) - Method in class onnx.OnnxProto3.NodeProto
Additional named attributes.
getAttribute(int) - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeBuilder(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
getAttributeBuilder(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
getAttributeBuilderList() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
getAttributeBuilderList() - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
getAttributeCount() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
getAttributeCount() - Method in class onnx.OnnxMlProto3.NodeProto
Additional named attributes.
getAttributeCount() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeCount() - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
getAttributeCount() - Method in class onnx.OnnxProto3.NodeProto
Additional named attributes.
getAttributeCount() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeList() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
getAttributeList() - Method in class onnx.OnnxMlProto3.NodeProto
Additional named attributes.
getAttributeList() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeList() - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
getAttributeList() - Method in class onnx.OnnxProto3.NodeProto
Additional named attributes.
getAttributeList() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeOrBuilder(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
getAttributeOrBuilder(int) - Method in class onnx.OnnxMlProto3.NodeProto
Additional named attributes.
getAttributeOrBuilder(int) - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeOrBuilder(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
getAttributeOrBuilder(int) - Method in class onnx.OnnxProto3.NodeProto
Additional named attributes.
getAttributeOrBuilder(int) - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeOrBuilderList() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
getAttributeOrBuilderList() - Method in class onnx.OnnxMlProto3.NodeProto
Additional named attributes.
getAttributeOrBuilderList() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributeOrBuilderList() - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
getAttributeOrBuilderList() - Method in class onnx.OnnxProto3.NodeProto
Additional named attributes.
getAttributeOrBuilderList() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
Additional named attributes.
getAttributes(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
getAttributes(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Serialized data specific to this object.
getAttributes(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Serialized data specific to this object.
getAttributesBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
getAttributesBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
getAttributesCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
getAttributesCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Serialized data specific to this object.
getAttributesCount() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Serialized data specific to this object.
getAttributesList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
getAttributesList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Serialized data specific to this object.
getAttributesList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Serialized data specific to this object.
getAttributesOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
getAttributesOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Serialized data specific to this object.
getAttributesOrBuilder(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Serialized data specific to this object.
getAttributesOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
getAttributesOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Serialized data specific to this object.
getAttributesOrBuilderList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Serialized data specific to this object.
getAttrList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrList() - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrList() - Method in class org.tensorflow.framework.OpDef
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrList() - Method in interface org.tensorflow.framework.OpDefOrBuilder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrMap(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the attribute map for given node
getAttrMap(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getAttrMap(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getAttrMap() - Method in class org.tensorflow.framework.FunctionDef.Builder
Attributes specific to this function definition.
getAttrMap() - Method in class org.tensorflow.framework.FunctionDef
Attributes specific to this function definition.
getAttrMap() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
Attributes specific to this function definition.
getAttrMap() - Method in class org.tensorflow.framework.NameAttrList.Builder
map<string, .tensorflow.AttrValue> attr = 2;
getAttrMap() - Method in class org.tensorflow.framework.NameAttrList
map<string, .tensorflow.AttrValue> attr = 2;
getAttrMap() - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
map<string, .tensorflow.AttrValue> attr = 2;
getAttrMap() - Method in class org.tensorflow.framework.NodeDef.Builder
Operation-specific graph-construction-time configuration.
getAttrMap() - Method in class org.tensorflow.framework.NodeDef
Operation-specific graph-construction-time configuration.
getAttrMap() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Operation-specific graph-construction-time configuration.
getAttrOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrOrBuilder(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrOrBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrOrBuilder(int) - Method in class org.tensorflow.framework.OpDef
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrOrBuilder(int) - Method in interface org.tensorflow.framework.OpDefOrBuilder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrOrBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrOrBuilderList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrOrBuilderList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Attr attr = 6;
getAttrOrBuilderList() - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrOrBuilderList() - Method in class org.tensorflow.framework.OpDef
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrOrBuilderList() - Method in interface org.tensorflow.framework.OpDefOrBuilder
repeated .tensorflow.OpDef.AttrDef attr = 4;
getAttrOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.FunctionDef.Builder
Attributes specific to this function definition.
getAttrOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.FunctionDef
Attributes specific to this function definition.
getAttrOrDefault(String, AttrValue) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
Attributes specific to this function definition.
getAttrOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.NameAttrList.Builder
map<string, .tensorflow.AttrValue> attr = 2;
getAttrOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.NameAttrList
map<string, .tensorflow.AttrValue> attr = 2;
getAttrOrDefault(String, AttrValue) - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
map<string, .tensorflow.AttrValue> attr = 2;
getAttrOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.NodeDef.Builder
Operation-specific graph-construction-time configuration.
getAttrOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.NodeDef
Operation-specific graph-construction-time configuration.
getAttrOrDefault(String, AttrValue) - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Operation-specific graph-construction-time configuration.
getAttrOrThrow(String) - Method in class org.tensorflow.framework.FunctionDef.Builder
Attributes specific to this function definition.
getAttrOrThrow(String) - Method in class org.tensorflow.framework.FunctionDef
Attributes specific to this function definition.
getAttrOrThrow(String) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
Attributes specific to this function definition.
getAttrOrThrow(String) - Method in class org.tensorflow.framework.NameAttrList.Builder
map<string, .tensorflow.AttrValue> attr = 2;
getAttrOrThrow(String) - Method in class org.tensorflow.framework.NameAttrList
map<string, .tensorflow.AttrValue> attr = 2;
getAttrOrThrow(String) - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
map<string, .tensorflow.AttrValue> attr = 2;
getAttrOrThrow(String) - Method in class org.tensorflow.framework.NodeDef.Builder
Operation-specific graph-construction-time configuration.
getAttrOrThrow(String) - Method in class org.tensorflow.framework.NodeDef
Operation-specific graph-construction-time configuration.
getAttrOrThrow(String) - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Operation-specific graph-construction-time configuration.
getAttrs() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Deprecated.
getAttrs() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
Deprecated.
getAttrs() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
Deprecated.
getAttrsCount() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
getAttrsCount() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
getAttrsCount() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsMap() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsMap() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsMap() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsOrDefault(String, AttrValue) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsOrDefault(String, AttrValue) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsOrDefault(String, AttrValue) - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsOrThrow(String) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsOrThrow(String) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrsOrThrow(String) - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
map<string, .tensorflow.AttrValue> attrs = 5;
getAttrValueFromNode(NODE_TYPE, String) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
getAttrValueFromNode(OnnxProto3.NodeProto, String) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getAttrValueFromNode(NodeDef, String) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getAudio() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
getAudio() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.Summary.Audio audio = 6;
getAudio() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.Summary.Audio audio = 6;
getAudioBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
getAudioOrBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
getAudioOrBuilder() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.Summary.Audio audio = 6;
getAudioOrBuilder() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.Summary.Audio audio = 6;
getAutoGcWindow() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
getAutoGcWindow() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method reutrns
getAutoParallel() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
getAutoParallel() - Method in class org.tensorflow.framework.RewriterConfig
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
getAutoParallel() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
getAutoParallelBuilder() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
getAutoParallelOrBuilder() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
getAutoParallelOrBuilder() - Method in class org.tensorflow.framework.RewriterConfig
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
getAutoParallelOrBuilder() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
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
getAverageValue(MemcpyDirection) - Method in class org.nd4j.linalg.api.ops.performance.primitives.AveragingTransactionsHolder
 
getAxis() - Method in class org.nd4j.evaluation.classification.Evaluation
Get the axis - see Evaluation.setAxis(int) for details
getAxis() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
Get the axis - see EvaluationCalibration.setAxis(int) for details
getAxis() - Method in class org.nd4j.evaluation.classification.ROC
Get the axis - see ROC.setAxis(int) for details
getAxis() - Method in class org.nd4j.evaluation.classification.ROCBinary
Get the axis - see ROCBinary.setAxis(int) for details
getAxis() - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Get the axis - see ROCMultiClass.setAxis(int) for details
getB() - Method in class org.tensorflow.framework.AttrValue.Builder
"bool"
getB() - Method in class org.tensorflow.framework.AttrValue
"bool"
getB(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(bool)"
getB(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(bool)"
getB(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(bool)"
getB() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"bool"
getBackend() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getBackProp() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Whether backprop is enabled for this while loop.
getBackProp() - Method in class org.tensorflow.framework.WhileContextDef
Whether backprop is enabled for this while loop.
getBackProp() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Whether backprop is enabled for this while loop.
getBadConsumers(int) - Method in class org.tensorflow.framework.VersionDef.Builder
Specific consumer versions which are disallowed (e.g.
getBadConsumers(int) - Method in class org.tensorflow.framework.VersionDef
Specific consumer versions which are disallowed (e.g.
getBadConsumers(int) - Method in interface org.tensorflow.framework.VersionDefOrBuilder
Specific consumer versions which are disallowed (e.g.
getBadConsumersCount() - Method in class org.tensorflow.framework.VersionDef.Builder
Specific consumer versions which are disallowed (e.g.
getBadConsumersCount() - Method in class org.tensorflow.framework.VersionDef
Specific consumer versions which are disallowed (e.g.
getBadConsumersCount() - Method in interface org.tensorflow.framework.VersionDefOrBuilder
Specific consumer versions which are disallowed (e.g.
getBadConsumersList() - Method in class org.tensorflow.framework.VersionDef.Builder
Specific consumer versions which are disallowed (e.g.
getBadConsumersList() - Method in class org.tensorflow.framework.VersionDef
Specific consumer versions which are disallowed (e.g.
getBadConsumersList() - Method in interface org.tensorflow.framework.VersionDefOrBuilder
Specific consumer versions which are disallowed (e.g.
getBandwidth() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Memory bandwidth in KB/s
getBandwidth() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Memory bandwidth in KB/s
getBandwidth() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Memory bandwidth in KB/s
getBandwidthUse() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method returns per-device bandwidth use for memory transfers
getBArgument(int) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
getBArgument(int) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
getBArgument(int) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
getBArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
getBArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
getBaseNameForFunction(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns the base name for the given function if any (may return null)
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
getBCount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(bool)"
getBCount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(bool)"
getBCount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(bool)"
getBegin() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
int64 begin = 1;
getBegin() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
int64 begin = 1;
getBegin() - Method in interface onnx.OnnxMlProto3.TensorProto.SegmentOrBuilder
int64 begin = 1;
getBegin() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
int64 begin = 1;
getBegin() - Method in class onnx.OnnxProto3.TensorProto.Segment
int64 begin = 1;
getBegin() - Method in interface onnx.OnnxProto3.TensorProto.SegmentOrBuilder
int64 begin = 1;
getBinCounts() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
getBinLowerBounds() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
getBinLowerBounds() - Method in class org.nd4j.evaluation.curves.Histogram
 
getBinMidValues() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
getBinMidValues() - Method in class org.nd4j.evaluation.curves.Histogram
 
getBinUpperBounds() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
getBinUpperBounds() - Method in class org.nd4j.evaluation.curves.Histogram
 
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
 
getBList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(bool)"
getBList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(bool)"
getBList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(bool)"
getBlockName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getBlockName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getBoolVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_BOOL
getBoolVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_BOOL
getBoolVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_BOOL
getBoolValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_BOOL
getBoolValCount() - Method in class org.tensorflow.framework.TensorProto
DT_BOOL
getBoolValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_BOOL
getBoolValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_BOOL
getBoolValList() - Method in class org.tensorflow.framework.TensorProto
DT_BOOL
getBoolValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_BOOL
getBranch() - Method in class org.tensorflow.framework.CondContextDef.Builder
Branch prediction.
getBranch() - Method in class org.tensorflow.framework.CondContextDef
Branch prediction.
getBranch() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Branch prediction.
getBroadcastDimensions(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Compute the broadcast rules according to: https://docs.scipy.org/doc/numpy-1.10.1/user/basics.broadcasting.html Note that the array can be null if the arrays are already equal in shape.
getBroadcastDimensions(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getBucket(int) - Method in class org.tensorflow.framework.HistogramProto.Builder
repeated double bucket = 7 [packed = true];
getBucket(int) - Method in class org.tensorflow.framework.HistogramProto
repeated double bucket = 7 [packed = true];
getBucket(int) - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
repeated double bucket = 7 [packed = true];
getBucketCount() - Method in class org.tensorflow.framework.HistogramProto.Builder
repeated double bucket = 7 [packed = true];
getBucketCount() - Method in class org.tensorflow.framework.HistogramProto
repeated double bucket = 7 [packed = true];
getBucketCount() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
repeated double bucket = 7 [packed = true];
getBucketLimit(int) - Method in class org.tensorflow.framework.HistogramProto.Builder
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimit(int) - Method in class org.tensorflow.framework.HistogramProto
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimit(int) - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimitCount() - Method in class org.tensorflow.framework.HistogramProto.Builder
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimitCount() - Method in class org.tensorflow.framework.HistogramProto
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimitCount() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimitList() - Method in class org.tensorflow.framework.HistogramProto.Builder
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimitList() - Method in class org.tensorflow.framework.HistogramProto
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketLimitList() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
Parallel arrays encoding the bucket boundaries and the bucket values.
getBucketList() - Method in class org.tensorflow.framework.HistogramProto.Builder
repeated double bucket = 7 [packed = true];
getBucketList() - Method in class org.tensorflow.framework.HistogramProto
repeated double bucket = 7 [packed = true];
getBucketList() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
repeated double bucket = 7 [packed = true];
getBufPtr() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
When RDMA is in use, address of destination field on client.
getBufPtr() - Method in class org.tensorflow.distruntime.RecvBufRequest
When RDMA is in use, address of destination field on client.
getBufPtr() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
When RDMA is in use, address of destination field on client.
getBufPtr() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Address of source field on server.
getBufPtr() - Method in class org.tensorflow.distruntime.RecvBufResponse
Address of source field on server.
getBufPtr() - Method in interface org.tensorflow.distruntime.RecvBufResponseOrBuilder
Address of source field on server.
getBufRendezvousKey() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Arbitrary string identifying a BufRendezvous entry.
getBufRendezvousKey() - Method in class org.tensorflow.distruntime.RecvBufRequest
Arbitrary string identifying a BufRendezvous entry.
getBufRendezvousKey() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Arbitrary string identifying a BufRendezvous entry.
getBufRendezvousKeyBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Arbitrary string identifying a BufRendezvous entry.
getBufRendezvousKeyBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest
Arbitrary string identifying a BufRendezvous entry.
getBufRendezvousKeyBytes() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Arbitrary string identifying a BufRendezvous entry.
getBuildCostModel() - Method in class org.tensorflow.framework.GraphOptions.Builder
The number of steps to run before returning a cost model detailing the memory usage and performance of each node of the graph.
getBuildCostModel() - Method in class org.tensorflow.framework.GraphOptions
The number of steps to run before returning a cost model detailing the memory usage and performance of each node of the graph.
getBuildCostModel() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
The number of steps to run before returning a cost model detailing the memory usage and performance of each node of the graph.
getBuildCostModelAfter() - Method in class org.tensorflow.framework.GraphOptions.Builder
The number of steps to skip before collecting statistics for the cost model.
getBuildCostModelAfter() - Method in class org.tensorflow.framework.GraphOptions
The number of steps to skip before collecting statistics for the cost model.
getBuildCostModelAfter() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
The number of steps to skip before collecting statistics for the cost model.
getBusId() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional bus locality of device.
getBusId() - Method in class org.tensorflow.framework.DeviceLocality
Optional bus locality of device.
getBusId() - Method in interface org.tensorflow.framework.DeviceLocalityOrBuilder
Optional bus locality of device.
getById(String) - Method in class org.nd4j.autodiff.execution.input.Operands
This method returns array identified its name
getById(int) - Method in class org.nd4j.autodiff.execution.input.Operands
This method returns array identified its numeric id
getById(int, int) - Method in class org.nd4j.autodiff.execution.input.Operands
This method returns array identified its numeric id and index
getBytes() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Byte size of the file.
getBytes() - Method in class org.tensorflow.framework.DebuggedSourceFile
Byte size of the file.
getBytes() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
Byte size of the file.
getBytesList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
getBytesList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.BytesList bytes_list = 2;
getBytesList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
getBytesListBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
getBytesListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
getBytesListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.BytesList bytes_list = 2;
getBytesListOrBuilder() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
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
getCancelOpName() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to cancel the queue.
getCancelOpName() - Method in class org.tensorflow.framework.QueueRunnerDef
The operation to run to cancel the queue.
getCancelOpName() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
The operation to run to cancel the queue.
getCancelOpNameBytes() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to cancel the queue.
getCancelOpNameBytes() - Method in class org.tensorflow.framework.QueueRunnerDef
The operation to run to cancel the queue.
getCancelOpNameBytes() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
The operation to run to cancel the queue.
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)
getCheckpointKey() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The generated name of the Tensor in the checkpoint.
getCheckpointKey() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
The generated name of the Tensor in the checkpoint.
getCheckpointKey() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensorOrBuilder
The generated name of the Tensor in the checkpoint.
getCheckpointKeyBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The generated name of the Tensor in the checkpoint.
getCheckpointKeyBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
The generated name of the Tensor in the checkpoint.
getCheckpointKeyBytes() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensorOrBuilder
The generated name of the Tensor in the checkpoint.
getChildren(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
getChildren(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Objects which this object depends on.
getChildren(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Objects which this object depends on.
getChildrenBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
getChildrenBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
getChildrenCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
getChildrenCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Objects which this object depends on.
getChildrenCount() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Objects which this object depends on.
getChildrenList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
getChildrenList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Objects which this object depends on.
getChildrenList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Objects which this object depends on.
getChildrenOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
getChildrenOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Objects which this object depends on.
getChildrenOrBuilder(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Objects which this object depends on.
getChildrenOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
getChildrenOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Objects which this object depends on.
getChildrenOrBuilderList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Objects which this object depends on.
getClasses() - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Gives the applyTransformToDestination of all classes in the confusion matrix.
getClassLabel(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
 
getClear() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, discard any saved logging data (for all steps).
getClear() - Method in class org.tensorflow.distruntime.LoggingRequest
If true, discard any saved logging data (for all steps).
getClear() - Method in interface org.tensorflow.distruntime.LoggingRequestOrBuilder
If true, discard any saved logging data (for all steps).
getClientLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
getClientLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional information on client-side device locality.
getClientLocality() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional information on client-side device locality.
getClientLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
getClientLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information on client-side device locality.
getClientLocality() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information on client-side device locality.
getClientLocalityBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
getClientLocalityBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
getClientLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
getClientLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional information on client-side device locality.
getClientLocalityOrBuilder() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional information on client-side device locality.
getClientLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
getClientLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information on client-side device locality.
getClientLocalityOrBuilder() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information on client-side device locality.
getCloseOpName() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to close the queue.
getCloseOpName() - Method in class org.tensorflow.framework.QueueRunnerDef
The operation to run to close the queue.
getCloseOpName() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
The operation to run to close the queue.
getCloseOpNameBytes() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to close the queue.
getCloseOpNameBytes() - Method in class org.tensorflow.framework.QueueRunnerDef
The operation to run to close the queue.
getCloseOpNameBytes() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
The operation to run to close the queue.
getCluster() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
getCluster() - Method in class org.tensorflow.distruntime.ServerDef
The cluster of which this server is a member.
getCluster() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The cluster of which this server is a member.
getClusterBuilder() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
getClusterDef() - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
getClusterDef() - Method in class org.tensorflow.framework.ConfigProto
Optional list of all workers to use in this session.
getClusterDef() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Optional list of all workers to use in this session.
getClusterDefBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
getClusterDefOrBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
getClusterDefOrBuilder() - Method in class org.tensorflow.framework.ConfigProto
Optional list of all workers to use in this session.
getClusterDefOrBuilder() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Optional list of all workers to use in this session.
getClusterOrBuilder() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
getClusterOrBuilder() - Method in class org.tensorflow.distruntime.ServerDef
The cluster of which this server is a member.
getClusterOrBuilder() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The cluster of which this server is a member.
getCollectionDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Deprecated.
getCollectionDef() - Method in class org.tensorflow.framework.MetaGraphDef
Deprecated.
getCollectionDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
Deprecated.
getCollectionDefCount() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
getCollectionDefCount() - Method in class org.tensorflow.framework.MetaGraphDef
 
getCollectionDefCount() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
collection_def: Map from collection name to collections.
getCollectionDefMap() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
collection_def: Map from collection name to collections.
getCollectionDefMap() - Method in class org.tensorflow.framework.MetaGraphDef
collection_def: Map from collection name to collections.
getCollectionDefMap() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
collection_def: Map from collection name to collections.
getCollectionDefOrDefault(String, CollectionDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
collection_def: Map from collection name to collections.
getCollectionDefOrDefault(String, CollectionDef) - Method in class org.tensorflow.framework.MetaGraphDef
collection_def: Map from collection name to collections.
getCollectionDefOrDefault(String, CollectionDef) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
collection_def: Map from collection name to collections.
getCollectionDefOrThrow(String) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
collection_def: Map from collection name to collections.
getCollectionDefOrThrow(String) - Method in class org.tensorflow.framework.MetaGraphDef
collection_def: Map from collection name to collections.
getCollectionDefOrThrow(String) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
collection_def: Map from collection name to collections.
getCollectiveGraphKey() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
If graph_def contains any collective ops this must be a positive integer used to coordinate execution with other graphs.
getCollectiveGraphKey() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
If graph_def contains any collective ops this must be a positive integer used to coordinate execution with other graphs.
getCollectiveGraphKey() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
If graph_def contains any collective ops this must be a positive integer used to coordinate execution with other graphs.
getCollectiveGraphKey() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
If non-zero, declares that this graph is going to use collective ops and must synchronize step_ids with any other graph with this same group_key value (in a distributed computation where tasks run disjoint graphs).
getCollectiveGraphKey() - Method in class org.tensorflow.framework.RunOptions.Experimental
If non-zero, declares that this graph is going to use collective ops and must synchronize step_ids with any other graph with this same group_key value (in a distributed computation where tasks run disjoint graphs).
getCollectiveGraphKey() - Method in interface org.tensorflow.framework.RunOptions.ExperimentalOrBuilder
If non-zero, declares that this graph is going to use collective ops and must synchronize step_ids with any other graph with this same group_key value (in a distributed computation where tasks run disjoint graphs).
getCollectiveGroupLeader() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
Task name for group resolution.
getCollectiveGroupLeader() - Method in class org.tensorflow.framework.ConfigProto.Experimental
Task name for group resolution.
getCollectiveGroupLeader() - Method in interface org.tensorflow.framework.ConfigProto.ExperimentalOrBuilder
Task name for group resolution.
getCollectiveGroupLeaderBytes() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
Task name for group resolution.
getCollectiveGroupLeaderBytes() - Method in class org.tensorflow.framework.ConfigProto.Experimental
Task name for group resolution.
getCollectiveGroupLeaderBytes() - Method in interface org.tensorflow.framework.ConfigProto.ExperimentalOrBuilder
Task name for group resolution.
getColorspace() - Method in class org.tensorflow.framework.Summary.Image.Builder
Valid colorspace values are 1 - grayscale 2 - grayscale + alpha 3 - RGB 4 - RGBA 5 - DIGITAL_YUV 6 - BGRA
getColorspace() - Method in class org.tensorflow.framework.Summary.Image
Valid colorspace values are 1 - grayscale 2 - grayscale + alpha 3 - RGB 4 - RGBA 5 - DIGITAL_YUV 6 - BGRA
getColorspace() - Method in interface org.tensorflow.framework.Summary.ImageOrBuilder
Valid colorspace values are 1 - grayscale 2 - grayscale + alpha 3 - RGB 4 - RGBA 5 - DIGITAL_YUV 6 - BGRA
getColumn(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get the specified column
getColumn(long, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getColumn(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getColumn(long, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getColumn(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified column.
getColumn(long, boolean) - 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.ndarray.BaseNDArray
Get whole columns from the passed indices.
getColumns(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getColumns() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
getColumns(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get an INDArray comprised of the specified columns only.
getComplexStrides(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides for the given order and shape
getComplexStrides(long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
getComplexStrides(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides based on the shape and NDArrays.order()
getComplexStrides(long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
getCompressionType() - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method returns compression opType 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
getComputeCost() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Estimate of the computational cost of this node, in microseconds.
getComputeCost() - Method in class org.tensorflow.framework.CostGraphDef.Node
Estimate of the computational cost of this node, in microseconds.
getComputeCost() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Estimate of the computational cost of this node, in microseconds.
getComputeTime() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Analytical estimate of the computational cost of this node, in microseconds.
getComputeTime() - Method in class org.tensorflow.framework.CostGraphDef.Node
Analytical estimate of the computational cost of this node, in microseconds.
getComputeTime() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Analytical estimate of the computational cost of this node, in microseconds.
getCondCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
getCondCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef
.tensorflow.CondContextDef cond_ctxt = 1;
getCondCtxt() - Method in interface org.tensorflow.framework.ControlFlowContextDefOrBuilder
.tensorflow.CondContextDef cond_ctxt = 1;
getCondCtxtBuilder() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
getCondCtxtOrBuilder() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
getCondCtxtOrBuilder() - Method in class org.tensorflow.framework.ControlFlowContextDef
.tensorflow.CondContextDef cond_ctxt = 1;
getCondCtxtOrBuilder() - Method in interface org.tensorflow.framework.ControlFlowContextDefOrBuilder
.tensorflow.CondContextDef cond_ctxt = 1;
getConfig() - Method in interface org.nd4j.linalg.learning.GradientUpdater
 
getConfig() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
getConfig() - Method in class org.tensorflow.distruntime.CreateSessionRequest
Configuration options.
getConfig() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
Configuration options.
getConfigBuilder() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
getConfigOrBuilder() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
getConfigOrBuilder() - Method in class org.tensorflow.distruntime.CreateSessionRequest
Configuration options.
getConfigOrBuilder() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
Configuration options.
getConfiguration(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
getConfiguration(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
 
getConfusionMatrix() - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the confusion matrix variable
getConfusionMatrixAtPoint(int) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
Get the binary confusion matrix for the given position.
getConfusionMatrixAtThreshold(double) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
Get the binary confusion matrix for the given threshold.
getConstantBuffer(boolean[], DataType) - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns DataBuffer with constant equal to input array.
getConstantBuffer(int[], DataType) - Method in interface org.nd4j.linalg.cache.ConstantHandler
 
getConstantBuffer(long[], DataType) - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns DataBuffer with constant equal to input array.
getConstantBuffer(double[], DataType) - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns DataBuffer with contant equal to input array.
getConstantBuffer(float[], DataType) - Method in interface org.nd4j.linalg.cache.ConstantHandler
This method returns DataBuffer with contant equal to input array.
getConstantFolding() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
getConstantFolding() - Method in class org.tensorflow.framework.RewriterConfig
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
getConstantFolding() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
getConstantFoldingValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
getConstantFoldingValue() - Method in class org.tensorflow.framework.RewriterConfig
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
getConstantFoldingValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
getConstantHandler() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getConstantOrVariable(String) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
Get the constant or variable output - for example, constant array or constant shape.
getConstantOrVariable(String) - Method in class org.nd4j.autodiff.samediff.internal.DataTypesSession
 
getConstantOrVariable(String) - Method in class org.nd4j.autodiff.samediff.internal.InferenceSession
 
getConstNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfo(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoCount() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoOrBuilder(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstNodeInfoOrBuilderList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
getConstraint(int) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraint(int) - Method in class org.tensorflow.framework.KernelDef
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraint(int) - Method in interface org.tensorflow.framework.KernelDefOrBuilder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintBuilder(int) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintBuilderList() - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintCount() - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintCount() - Method in class org.tensorflow.framework.KernelDef
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintCount() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintList() - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintList() - Method in class org.tensorflow.framework.KernelDef
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintList() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintOrBuilder(int) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintOrBuilder(int) - Method in class org.tensorflow.framework.KernelDef
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintOrBuilder(int) - Method in interface org.tensorflow.framework.KernelDefOrBuilder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintOrBuilderList() - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintOrBuilderList() - Method in class org.tensorflow.framework.KernelDef
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getConstraintOrBuilderList() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
getContainer(int) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
getContainer(int) - Method in class org.tensorflow.distruntime.CleanupAllRequest
A list of container names.
getContainer(int) - Method in interface org.tensorflow.distruntime.CleanupAllRequestOrBuilder
A list of container names.
getContainer(int) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
getContainer(int) - Method in class org.tensorflow.distruntime.ResetRequest
A list of container names, which may be empty.
getContainer(int) - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
A list of container names, which may be empty.
getContainer() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Container in which this resource is placed.
getContainer() - Method in class org.tensorflow.framework.ResourceHandleProto
Container in which this resource is placed.
getContainer() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
Container in which this resource is placed.
getContainerBytes(int) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
getContainerBytes(int) - Method in class org.tensorflow.distruntime.CleanupAllRequest
A list of container names.
getContainerBytes(int) - Method in interface org.tensorflow.distruntime.CleanupAllRequestOrBuilder
A list of container names.
getContainerBytes(int) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
getContainerBytes(int) - Method in class org.tensorflow.distruntime.ResetRequest
A list of container names, which may be empty.
getContainerBytes(int) - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
A list of container names, which may be empty.
getContainerBytes() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Container in which this resource is placed.
getContainerBytes() - Method in class org.tensorflow.framework.ResourceHandleProto
Container in which this resource is placed.
getContainerBytes() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
Container in which this resource is placed.
getContainerCount() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
getContainerCount() - Method in class org.tensorflow.distruntime.CleanupAllRequest
A list of container names.
getContainerCount() - Method in interface org.tensorflow.distruntime.CleanupAllRequestOrBuilder
A list of container names.
getContainerCount() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
getContainerCount() - Method in class org.tensorflow.distruntime.ResetRequest
A list of container names, which may be empty.
getContainerCount() - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
A list of container names, which may be empty.
getContainerList() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
getContainerList() - Method in class org.tensorflow.distruntime.CleanupAllRequest
A list of container names.
getContainerList() - Method in interface org.tensorflow.distruntime.CleanupAllRequestOrBuilder
A list of container names.
getContainerList() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
getContainerList() - Method in class org.tensorflow.distruntime.ResetRequest
A list of container names, which may be empty.
getContainerList() - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
A list of container names, which may be empty.
getContent() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The content to store for the plugin.
getContent() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
The content to store for the plugin.
getContent() - Method in interface org.tensorflow.framework.SummaryMetadata.PluginDataOrBuilder
The content to store for the plugin.
getContentType() - Method in class org.tensorflow.framework.Summary.Audio.Builder
string content_type = 5;
getContentType() - Method in class org.tensorflow.framework.Summary.Audio
string content_type = 5;
getContentType() - Method in interface org.tensorflow.framework.Summary.AudioOrBuilder
string content_type = 5;
getContentTypeBytes() - Method in class org.tensorflow.framework.Summary.Audio.Builder
string content_type = 5;
getContentTypeBytes() - Method in class org.tensorflow.framework.Summary.Audio
string content_type = 5;
getContentTypeBytes() - Method in interface org.tensorflow.framework.Summary.AudioOrBuilder
string content_type = 5;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
fixed64 context_id = 1;
getContextId() - Method in interface tensorflow.eager.EagerServiceOuterClass.CloseContextRequestOrBuilder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
The ID of the created context.
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
The ID of the created context.
getContextId() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextResponseOrBuilder
The ID of the created context.
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
fixed64 context_id = 1;
getContextId() - Method in interface tensorflow.eager.EagerServiceOuterClass.EnqueueRequestOrBuilder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
fixed64 context_id = 1;
getContextId() - Method in interface tensorflow.eager.EagerServiceOuterClass.KeepAliveRequestOrBuilder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
fixed64 context_id = 1;
getContextId() - Method in interface tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequestOrBuilder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
fixed64 context_id = 1;
getContextId() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
fixed64 context_id = 1;
getContextId() - Method in interface tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequestOrBuilder
fixed64 context_id = 1;
getContextName() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the context.
getContextName() - Method in class org.tensorflow.framework.CondContextDef
Name of the context.
getContextName() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Name of the context.
getContextName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the context.
getContextName() - Method in class org.tensorflow.framework.WhileContextDef
Name of the context.
getContextName() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the context.
getContextNameBytes() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the context.
getContextNameBytes() - Method in class org.tensorflow.framework.CondContextDef
Name of the context.
getContextNameBytes() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Name of the context.
getContextNameBytes() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the context.
getContextNameBytes() - Method in class org.tensorflow.framework.WhileContextDef
Name of the context.
getContextNameBytes() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the context.
getControlDependencies(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the list of control dependencies for the current node (or null if none exist)
getControlDependencies(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getControlDependencies(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getControlInput(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Ids of the control inputs for this node.
getControlInput(int) - Method in class org.tensorflow.framework.CostGraphDef.Node
Ids of the control inputs for this node.
getControlInput(int) - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Ids of the control inputs for this node.
getControlInputCount() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Ids of the control inputs for this node.
getControlInputCount() - Method in class org.tensorflow.framework.CostGraphDef.Node
Ids of the control inputs for this node.
getControlInputCount() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Ids of the control inputs for this node.
getControlInputList() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Ids of the control inputs for this node.
getControlInputList() - Method in class org.tensorflow.framework.CostGraphDef.Node
Ids of the control inputs for this node.
getControlInputList() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Ids of the control inputs for this node.
getControlOpIds(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIds(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIds(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIdsCount() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIdsCount() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIdsCount() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIdsList() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIdsList() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getControlOpIdsList() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
getConvolution() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the convolution singleton
getCooSparse() - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
getCooSparse() - Method in class org.tensorflow.framework.TensorInfo
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
getCooSparse() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
getCooSparseBuilder() - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
getCooSparseOrBuilder() - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
getCooSparseOrBuilder() - Method in class org.tensorflow.framework.TensorInfo
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
getCooSparseOrBuilder() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
getCostGraph() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
getCostGraph() - Method in class org.tensorflow.distruntime.RunGraphResponse
.tensorflow.CostGraphDef cost_graph = 3;
getCostGraph() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
.tensorflow.CostGraphDef cost_graph = 3;
getCostGraph() - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
getCostGraph() - Method in class org.tensorflow.framework.RunMetadata
The cost graph for the computation defined by the run call.
getCostGraph() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
The cost graph for the computation defined by the run call.
getCostGraphBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
getCostGraphBuilder() - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
getCostGraphOrBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
getCostGraphOrBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse
.tensorflow.CostGraphDef cost_graph = 3;
getCostGraphOrBuilder() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
.tensorflow.CostGraphDef cost_graph = 3;
getCostGraphOrBuilder() - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
getCostGraphOrBuilder() - Method in class org.tensorflow.framework.RunMetadata
The cost graph for the computation defined by the run call.
getCostGraphOrBuilder() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
The cost graph for the computation defined by the run call.
getCount(T, T) - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Gives the count of the number of times the "predicted" class was predicted for the "actual" class.
getCount(String) - Method in class org.nd4j.linalg.profiler.data.StringCounter
 
getCountActualNegative(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Get the actual negative count (accounting for any masking) for the specified output/column
getCountActualNegative(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Get the actual negative count (accounting for any masking) for the specified output/column
getCountActualPositive(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Get the actual positive count (accounting for any masking) for the specified output/column
getCountActualPositive(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Get the actual positive count (accounting for any masking) for the specified class
getCovarianceMatrix() - Method in class org.nd4j.linalg.dimensionalityreduction.PCA
 
getCrc32C() - Method in class org.tensorflow.util.BundleEntryProto.Builder
The CRC32C checksum of the tensor bytes.
getCrc32C() - Method in class org.tensorflow.util.BundleEntryProto
The CRC32C checksum of the tensor bytes.
getCrc32C() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
The CRC32C checksum of the tensor bytes.
getCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in interface org.tensorflow.distruntime.DeregisterGraphRequestOrBuilder
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in class org.tensorflow.distruntime.RunGraphRequest
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCreateWorkerSessionCalled() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Set to true if `CreateWorkerSession` was called for `session_handle`.
getCriticalSectionName() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
Name of the critical section handle.
getCriticalSectionName() - Method in class org.tensorflow.framework.CriticalSectionDef
Name of the critical section handle.
getCriticalSectionName() - Method in interface org.tensorflow.framework.CriticalSectionDefOrBuilder
Name of the critical section handle.
getCriticalSectionNameBytes() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
Name of the critical section handle.
getCriticalSectionNameBytes() - Method in class org.tensorflow.framework.CriticalSectionDef
Name of the critical section handle.
getCriticalSectionNameBytes() - Method in interface org.tensorflow.framework.CriticalSectionDefOrBuilder
Name of the critical section handle.
getCtxtCase() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
getCtxtCase() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
getCtxtCase() - Method in interface org.tensorflow.framework.ControlFlowContextDefOrBuilder
 
getCurrentBandwidth() - Method in class org.nd4j.linalg.api.ops.performance.PerformanceTracker
 
getCurrentGraphVersion() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The version number of the graph to be extended.
getCurrentGraphVersion() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
REQUIRED: The version number of the graph to be extended.
getCurrentGraphVersion() - Method in interface org.tensorflow.distruntime.ExtendSessionRequestOrBuilder
REQUIRED: The version number of the graph to be extended.
getCurrentOffset() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
getCurrentOffset() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
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.
getCurrentWork() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
bytes current_work = 4;
getCurrentWork() - Method in class org.tensorflow.framework.ReaderBaseState
bytes current_work = 4;
getCurrentWork() - Method in interface org.tensorflow.framework.ReaderBaseStateOrBuilder
bytes current_work = 4;
getCurrentWorkspace() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
getCurrentWorkspace() - Method in interface org.nd4j.linalg.memory.MemoryManager
 
getCustomOperations() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
getCustomOperations() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns names of all custom operations available in current backend, and their number of input/output arguments
getCustomOptimizers(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
getCustomOptimizers(int) - Method in class org.tensorflow.framework.RewriterConfig
list of CustomGraphOptimizers to apply.
getCustomOptimizers(int) - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
list of CustomGraphOptimizers to apply.
getCustomOptimizersBuilder(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
getCustomOptimizersBuilderList() - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
getCustomOptimizersCount() - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
getCustomOptimizersCount() - Method in class org.tensorflow.framework.RewriterConfig
list of CustomGraphOptimizers to apply.
getCustomOptimizersCount() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
list of CustomGraphOptimizers to apply.
getCustomOptimizersList() - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
getCustomOptimizersList() - Method in class org.tensorflow.framework.RewriterConfig
list of CustomGraphOptimizers to apply.
getCustomOptimizersList() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
list of CustomGraphOptimizers to apply.
getCustomOptimizersOrBuilder(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
getCustomOptimizersOrBuilder(int) - Method in class org.tensorflow.framework.RewriterConfig
list of CustomGraphOptimizers to apply.
getCustomOptimizersOrBuilder(int) - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
list of CustomGraphOptimizers to apply.
getCustomOptimizersOrBuilderList() - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
getCustomOptimizersOrBuilderList() - Method in class org.tensorflow.framework.RewriterConfig
list of CustomGraphOptimizers to apply.
getCustomOptimizersOrBuilderList() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
list of CustomGraphOptimizers to apply.
getCyclesCount() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
getData() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
bytes data = 4;
getData() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
bytes data = 4;
getData() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
bytes data = 4;
getDataBufferFactory() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getDataType() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The data type of the tensor.
getDataType() - Method in class onnx.OnnxMlProto3.TensorProto
The data type of the tensor.
getDataType() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
The data type of the tensor.
getDataType() - Method in class onnx.OnnxProto3.TensorProto.Builder
The data type of the tensor.
getDataType() - Method in class onnx.OnnxProto3.TensorProto
The data type of the tensor.
getDataType() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
The data type of the tensor.
getDataType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.DataType data_type = 3;
getDataType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
.tensorflow.DataType data_type = 3;
getDataType() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
.tensorflow.DataType data_type = 3;
getDataTypeAsByte(DataType) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
This method converts enums for DataType
getDataTypeFromByte(byte) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
This method converts enums for DataType
getDataTypeValue() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The data type of the tensor.
getDataTypeValue() - Method in class onnx.OnnxMlProto3.TensorProto
The data type of the tensor.
getDataTypeValue() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
The data type of the tensor.
getDataTypeValue() - Method in class onnx.OnnxProto3.TensorProto.Builder
The data type of the tensor.
getDataTypeValue() - Method in class onnx.OnnxProto3.TensorProto
The data type of the tensor.
getDataTypeValue() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
The data type of the tensor.
getDataTypeValue() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.DataType data_type = 3;
getDataTypeValue() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
.tensorflow.DataType data_type = 3;
getDataTypeValue() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
.tensorflow.DataType data_type = 3;
getDcomplexVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX128.
getDcomplexVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_COMPLEX128.
getDcomplexVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_COMPLEX128.
getDcomplexValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX128.
getDcomplexValCount() - Method in class org.tensorflow.framework.TensorProto
DT_COMPLEX128.
getDcomplexValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_COMPLEX128.
getDcomplexValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX128.
getDcomplexValList() - Method in class org.tensorflow.framework.TensorProto
DT_COMPLEX128.
getDcomplexValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_COMPLEX128.
getDeallocatorService() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getDebugMode() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
getDebugOps(int) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
getDebugOps(int) - Method in class org.tensorflow.framework.DebugTensorWatch
Name(s) of the debugging op(s).
getDebugOps(int) - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Name(s) of the debugging op(s).
getDebugOpsBytes(int) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
getDebugOpsBytes(int) - Method in class org.tensorflow.framework.DebugTensorWatch
Name(s) of the debugging op(s).
getDebugOpsBytes(int) - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Name(s) of the debugging op(s).
getDebugOpsCount() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
getDebugOpsCount() - Method in class org.tensorflow.framework.DebugTensorWatch
Name(s) of the debugging op(s).
getDebugOpsCount() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Name(s) of the debugging op(s).
getDebugOpsList() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
getDebugOpsList() - Method in class org.tensorflow.framework.DebugTensorWatch
Name(s) of the debugging op(s).
getDebugOpsList() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Name(s) of the debugging op(s).
getDebugOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
getDebugOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Field(s) used by TensorFlow Debugger (tfdbg).
getDebugOptions() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Field(s) used by TensorFlow Debugger (tfdbg).
getDebugOptions() - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
getDebugOptions() - Method in class org.tensorflow.framework.RunOptions
EXPERIMENTAL.
getDebugOptions() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
EXPERIMENTAL.
getDebugOptionsBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
getDebugOptionsBuilder() - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
getDebugOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
getDebugOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Field(s) used by TensorFlow Debugger (tfdbg).
getDebugOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Field(s) used by TensorFlow Debugger (tfdbg).
getDebugOptionsOrBuilder() - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
getDebugOptionsOrBuilder() - Method in class org.tensorflow.framework.RunOptions
EXPERIMENTAL.
getDebugOptionsOrBuilder() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
EXPERIMENTAL.
getDebugStripper() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Strips debug-related nodes from the graph (off by default).
getDebugStripper() - Method in class org.tensorflow.framework.RewriterConfig
Strips debug-related nodes from the graph (off by default).
getDebugStripper() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Strips debug-related nodes from the graph (off by default).
getDebugStripperValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Strips debug-related nodes from the graph (off by default).
getDebugStripperValue() - Method in class org.tensorflow.framework.RewriterConfig
Strips debug-related nodes from the graph (off by default).
getDebugStripperValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Strips debug-related nodes from the graph (off by default).
getDebugTensorWatchOpts(int) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
getDebugTensorWatchOpts(int) - Method in class org.tensorflow.framework.DebugOptions
Debugging options
getDebugTensorWatchOpts(int) - Method in interface org.tensorflow.framework.DebugOptionsOrBuilder
Debugging options
getDebugTensorWatchOptsBuilder(int) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
getDebugTensorWatchOptsBuilderList() - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
getDebugTensorWatchOptsCount() - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
getDebugTensorWatchOptsCount() - Method in class org.tensorflow.framework.DebugOptions
Debugging options
getDebugTensorWatchOptsCount() - Method in interface org.tensorflow.framework.DebugOptionsOrBuilder
Debugging options
getDebugTensorWatchOptsList() - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
getDebugTensorWatchOptsList() - Method in class org.tensorflow.framework.DebugOptions
Debugging options
getDebugTensorWatchOptsList() - Method in interface org.tensorflow.framework.DebugOptionsOrBuilder
Debugging options
getDebugTensorWatchOptsOrBuilder(int) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
getDebugTensorWatchOptsOrBuilder(int) - Method in class org.tensorflow.framework.DebugOptions
Debugging options
getDebugTensorWatchOptsOrBuilder(int) - Method in interface org.tensorflow.framework.DebugOptionsOrBuilder
Debugging options
getDebugTensorWatchOptsOrBuilderList() - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
getDebugTensorWatchOptsOrBuilderList() - Method in class org.tensorflow.framework.DebugOptions
Debugging options
getDebugTensorWatchOptsOrBuilderList() - Method in interface org.tensorflow.framework.DebugOptionsOrBuilder
Debugging options
getDebugUrls(int) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
getDebugUrls(int) - Method in class org.tensorflow.framework.DebugTensorWatch
URL(s) for debug targets(s).
getDebugUrls(int) - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
URL(s) for debug targets(s).
getDebugUrlsBytes(int) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
getDebugUrlsBytes(int) - Method in class org.tensorflow.framework.DebugTensorWatch
URL(s) for debug targets(s).
getDebugUrlsBytes(int) - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
URL(s) for debug targets(s).
getDebugUrlsCount() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
getDebugUrlsCount() - Method in class org.tensorflow.framework.DebugTensorWatch
URL(s) for debug targets(s).
getDebugUrlsCount() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
URL(s) for debug targets(s).
getDebugUrlsList() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
getDebugUrlsList() - Method in class org.tensorflow.framework.DebugTensorWatch
URL(s) for debug targets(s).
getDebugUrlsList() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
URL(s) for debug targets(s).
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.
getDefaultGraphInputTensorShape(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShape(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShape(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeBuilderList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeCount() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeList() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeOrBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeOrBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeOrBuilder(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeOrBuilderList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeOrBuilderList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphInputTensorShapeOrBuilderList() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op
getDefaultGraphOutputTensorShape(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShape(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShape(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeBuilderList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeCount() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeList() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeOrBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeOrBuilder(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeOrBuilder(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeOrBuilderList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeOrBuilderList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultGraphOutputTensorShapeOrBuilderList() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.AttributeProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.GraphProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.ModelProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.NodeProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TensorProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TypeProto
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
getDefaultInstance() - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
getDefaultInstance() - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
getDefaultInstance() - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.AttributeProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.GraphProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.ModelProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.NodeProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.TensorProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.TensorShapeProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.TypeProto
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
getDefaultInstance() - Static method in class onnx.OnnxProto3.ValueInfoProto
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ClusterDef
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.JobDef
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.LoggingRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.LoggingResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ResetRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ResetResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RunStepRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.RunStepResponse
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.ServerDef
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.StepSequence
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.TraceOpts
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.TracingRequest
 
getDefaultInstance() - Static method in class org.tensorflow.distruntime.TracingResponse
 
getDefaultInstance() - Static method in class org.tensorflow.framework.AllocationDescription
 
getDefaultInstance() - Static method in class org.tensorflow.framework.AllocationRecord
 
getDefaultInstance() - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ApiDef.Arg
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ApiDef.Attr
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ApiDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ApiDefs
 
getDefaultInstance() - Static method in class org.tensorflow.framework.AssetFileDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.AttrValue
 
getDefaultInstance() - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
getDefaultInstance() - Static method in class org.tensorflow.framework.AutoParallelOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CallableOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CollectionDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CondContextDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ConfigProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CostGraphDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CriticalSectionDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
getDefaultInstance() - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
getDefaultInstance() - Static method in class org.tensorflow.framework.DebugOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.DebugTensorWatch
 
getDefaultInstance() - Static method in class org.tensorflow.framework.DeviceAttributes
 
getDefaultInstance() - Static method in class org.tensorflow.framework.DeviceLocality
 
getDefaultInstance() - Static method in class org.tensorflow.framework.DeviceStepStats
 
getDefaultInstance() - Static method in class org.tensorflow.framework.FunctionDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GPUOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GradientDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.HistogramProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.InterconnectLink
 
getDefaultInstance() - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
getDefaultInstance() - Static method in class org.tensorflow.framework.KernelDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.LocalLinks
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MemoryLogStep
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MemoryStats
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MetaGraphDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.NameAttrList
 
getDefaultInstance() - Static method in class org.tensorflow.framework.NamedTensorProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.NodeDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.NodeExecStats
 
getDefaultInstance() - Static method in class org.tensorflow.framework.NodeOutput
 
getDefaultInstance() - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.OpDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.OpDeprecation
 
getDefaultInstance() - Static method in class org.tensorflow.framework.OpList
 
getDefaultInstance() - Static method in class org.tensorflow.framework.OptimizerOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.QueueRunnerDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ReaderBaseState
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ResourceHandleProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RewriterConfig
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RPCOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RunMetadata
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
getDefaultInstance() - Static method in class org.tensorflow.framework.RunOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.SavedModel
 
getDefaultInstance() - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
getDefaultInstance() - Static method in class org.tensorflow.framework.SignatureDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.StepStats
 
getDefaultInstance() - Static method in class org.tensorflow.framework.Summary.Audio
 
getDefaultInstance() - Static method in class org.tensorflow.framework.Summary
 
getDefaultInstance() - Static method in class org.tensorflow.framework.Summary.Image
 
getDefaultInstance() - Static method in class org.tensorflow.framework.Summary.Value
 
getDefaultInstance() - Static method in class org.tensorflow.framework.SummaryDescription
 
getDefaultInstance() - Static method in class org.tensorflow.framework.SummaryMetadata
 
getDefaultInstance() - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorConnection
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorDescription
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorInfo
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorShapeProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
getDefaultInstance() - Static method in class org.tensorflow.framework.TensorSliceProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.ValuesDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.VariableDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
getDefaultInstance() - Static method in class org.tensorflow.framework.VersionDef
 
getDefaultInstance() - Static method in class org.tensorflow.framework.WhileContextDef
 
getDefaultInstance() - Static method in class org.tensorflow.util.BundleEntryProto
 
getDefaultInstance() - Static method in class org.tensorflow.util.BundleHeaderProto
 
getDefaultInstance() - Static method in class org.tensorflow.util.IteratorStateMetadata
 
getDefaultInstance() - Static method in class org.tensorflow.util.SaverDef
 
getDefaultInstance() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
getDefaultInstance() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
getDefaultInstance() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
getDefaultInstance() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
getDefaultInstance() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
getDefaultInstance() - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
getDefaultInstance() - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
getDefaultInstance() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
getDefaultInstance() - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.AttributeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.GraphProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.ModelProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.NodeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.AttributeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.GraphProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.ModelProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.NodeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TensorShapeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TypeProto
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
getDefaultInstanceForType() - Method in class onnx.OnnxProto3.ValueInfoProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ClusterDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.JobDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.LoggingRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.LoggingResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ResetRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ResetResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunStepRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.RunStepResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.ServerDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.StepSequence
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.TraceOpts
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.TracingRequest
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.distruntime.TracingResponse
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AllocationDescription
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AllocationRecord
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef.Arg
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef.Attr
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ApiDefs
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AssetFileDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AttrValue.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AttrValue
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.AutoParallelOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CallableOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CondContextDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ConfigProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CriticalSectionDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebugOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DebugTensorWatch
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DeviceAttributes
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DeviceLocality
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.DeviceStepStats
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.FunctionDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GPUOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GradientDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GradientDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.HistogramProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.InterconnectLink
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.KernelDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.KernelDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.LocalLinks
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogStep
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MemoryStats
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MetaGraphDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NameAttrList
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NamedTensorProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NodeDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NodeDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NodeExecStats
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.NodeOutput
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpDeprecation
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpList.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OpList
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.OptimizerOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.QueueRunnerDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ReaderBaseState
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ResourceHandleProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RewriterConfig
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RPCOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RunMetadata
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RunOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.RunOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SavedModel.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SavedModel
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SignatureDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.StepStats.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.StepStats
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary.Audio
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary.Image
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.Summary.Value
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SummaryDescription
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SummaryMetadata
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorConnection
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorDescription
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorInfo
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorShapeProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.TensorSliceProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.ValuesDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.VariableDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.VariableDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.VersionDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.VersionDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.framework.WhileContextDef
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.BundleEntryProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.BundleHeaderProto
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.IteratorStateMetadata
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.SaverDef.Builder
 
getDefaultInstanceForType() - Method in class org.tensorflow.util.SaverDef
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
getDefaultInstanceForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
getDefaultInstanceForType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
getDefaultInstanceForType() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
getDefaultInstanceForType() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
getDefaultInstanceForType() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
getDefaultSessionConfig() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
getDefaultSessionConfig() - Method in class org.tensorflow.distruntime.ServerDef
The default configuration for sessions that run on this server.
getDefaultSessionConfig() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The default configuration for sessions that run on this server.
getDefaultSessionConfigBuilder() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
getDefaultSessionConfigOrBuilder() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
getDefaultSessionConfigOrBuilder() - Method in class org.tensorflow.distruntime.ServerDef
The default configuration for sessions that run on this server.
getDefaultSessionConfigOrBuilder() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The default configuration for sessions that run on this server.
getDefaultValue() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
getDefaultValue() - Method in class org.tensorflow.framework.ApiDef.Attr
Specify a new default value to use for this attr.
getDefaultValue() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
Specify a new default value to use for this attr.
getDefaultValue() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
getDefaultValue() - Method in class org.tensorflow.framework.OpDef.AttrDef
A reasonable default for this attribute if the user does not supply a value.
getDefaultValue() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
A reasonable default for this attribute if the user does not supply a value.
getDefaultValueBuilder() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
getDefaultValueBuilder() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
getDefaultValueOrBuilder() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
getDefaultValueOrBuilder() - Method in class org.tensorflow.framework.ApiDef.Attr
Specify a new default value to use for this attr.
getDefaultValueOrBuilder() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
Specify a new default value to use for this attr.
getDefaultValueOrBuilder() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
getDefaultValueOrBuilder() - Method in class org.tensorflow.framework.OpDef.AttrDef
A reasonable default for this attribute if the user does not supply a value.
getDefaultValueOrBuilder() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
A reasonable default for this attribute if the user does not supply a value.
getDeferred() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
True if the deallocation is queued and will be performed later, e.g.
getDeferred() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
True if the deallocation is queued and will be performed later, e.g.
getDeferred() - Method in interface org.tensorflow.framework.MemoryLogRawDeallocationOrBuilder
True if the deallocation is queued and will be performed later, e.g.
getDeferredDeletionBytes() - Method in class org.tensorflow.framework.GPUOptions.Builder
Delay deletion of up to this many bytes to reduce the number of interactions with gpu driver code.
getDeferredDeletionBytes() - Method in class org.tensorflow.framework.GPUOptions
Delay deletion of up to this many bytes to reduce the number of interactions with gpu driver code.
getDeferredDeletionBytes() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
Delay deletion of up to this many bytes to reduce the number of interactions with gpu driver code.
getDenseShapeTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
getDenseShapeTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
getDenseShapeTensorName() - Method in interface org.tensorflow.framework.TensorInfo.CooSparseOrBuilder
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
getDenseShapeTensorNameBytes() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
getDenseShapeTensorNameBytes() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
getDenseShapeTensorNameBytes() - Method in interface org.tensorflow.framework.TensorInfo.CooSparseOrBuilder
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
getDependencyOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Control dependency optimizations (default is ON).
getDependencyOptimization() - Method in class org.tensorflow.framework.RewriterConfig
Control dependency optimizations (default is ON).
getDependencyOptimization() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Control dependency optimizations (default is ON).
getDependencyOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Control dependency optimizations (default is ON).
getDependencyOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig
Control dependency optimizations (default is ON).
getDependencyOptimizationValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Control dependency optimizations (default is ON).
getDeprecation() - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
getDeprecation() - Method in class org.tensorflow.framework.OpDef
Optional deprecation based on GraphDef versions.
getDeprecation() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Optional deprecation based on GraphDef versions.
getDeprecationBuilder() - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
getDeprecationMessage() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
getDeprecationMessage() - Method in class org.tensorflow.framework.ApiDef.Endpoint
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
getDeprecationMessage() - Method in interface org.tensorflow.framework.ApiDef.EndpointOrBuilder
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
getDeprecationMessageBytes() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
getDeprecationMessageBytes() - Method in class org.tensorflow.framework.ApiDef.Endpoint
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
getDeprecationMessageBytes() - Method in interface org.tensorflow.framework.ApiDef.EndpointOrBuilder
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
getDeprecationOrBuilder() - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
getDeprecationOrBuilder() - Method in class org.tensorflow.framework.OpDef
Optional deprecation based on GraphDef versions.
getDeprecationOrBuilder() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Optional deprecation based on GraphDef versions.
getDescription() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Note: this will replace any inherited arg doc.
getDescription() - Method in class org.tensorflow.framework.ApiDef.Arg
Note: this will replace any inherited arg doc.
getDescription() - Method in interface org.tensorflow.framework.ApiDef.ArgOrBuilder
Note: this will replace any inherited arg doc.
getDescription() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
getDescription() - Method in class org.tensorflow.framework.ApiDef.Attr
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
getDescription() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
getDescription() - Method in class org.tensorflow.framework.ApiDef.Builder
Additional, longer human-readable description of what the Op does.
getDescription() - Method in class org.tensorflow.framework.ApiDef
Additional, longer human-readable description of what the Op does.
getDescription() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
Additional, longer human-readable description of what the Op does.
getDescription() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Human readable description.
getDescription() - Method in class org.tensorflow.framework.OpDef.ArgDef
Human readable description.
getDescription() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
Human readable description.
getDescription() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
Human-readable description.
getDescription() - Method in class org.tensorflow.framework.OpDef.AttrDef
Human-readable description.
getDescription() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
Human-readable description.
getDescription() - Method in class org.tensorflow.framework.OpDef.Builder
Additional, longer human-readable description of what the Op does.
getDescription() - Method in class org.tensorflow.framework.OpDef
Additional, longer human-readable description of what the Op does.
getDescription() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Additional, longer human-readable description of what the Op does.
getDescriptionBytes() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Note: this will replace any inherited arg doc.
getDescriptionBytes() - Method in class org.tensorflow.framework.ApiDef.Arg
Note: this will replace any inherited arg doc.
getDescriptionBytes() - Method in interface org.tensorflow.framework.ApiDef.ArgOrBuilder
Note: this will replace any inherited arg doc.
getDescriptionBytes() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
getDescriptionBytes() - Method in class org.tensorflow.framework.ApiDef.Attr
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
getDescriptionBytes() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
getDescriptionBytes() - Method in class org.tensorflow.framework.ApiDef.Builder
Additional, longer human-readable description of what the Op does.
getDescriptionBytes() - Method in class org.tensorflow.framework.ApiDef
Additional, longer human-readable description of what the Op does.
getDescriptionBytes() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
Additional, longer human-readable description of what the Op does.
getDescriptionBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Human readable description.
getDescriptionBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef
Human readable description.
getDescriptionBytes() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
Human readable description.
getDescriptionBytes() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
Human-readable description.
getDescriptionBytes() - Method in class org.tensorflow.framework.OpDef.AttrDef
Human-readable description.
getDescriptionBytes() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
Human-readable description.
getDescriptionBytes() - Method in class org.tensorflow.framework.OpDef.Builder
Additional, longer human-readable description of what the Op does.
getDescriptionBytes() - Method in class org.tensorflow.framework.OpDef
Additional, longer human-readable description of what the Op does.
getDescriptionBytes() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Additional, longer human-readable description of what the Op does.
getDescriptionPrefix() - Method in class org.tensorflow.framework.ApiDef.Builder
Modify an existing/inherited description by adding text to the beginning or end.
getDescriptionPrefix() - Method in class org.tensorflow.framework.ApiDef
Modify an existing/inherited description by adding text to the beginning or end.
getDescriptionPrefix() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
Modify an existing/inherited description by adding text to the beginning or end.
getDescriptionPrefixBytes() - Method in class org.tensorflow.framework.ApiDef.Builder
Modify an existing/inherited description by adding text to the beginning or end.
getDescriptionPrefixBytes() - Method in class org.tensorflow.framework.ApiDef
Modify an existing/inherited description by adding text to the beginning or end.
getDescriptionPrefixBytes() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
Modify an existing/inherited description by adding text to the beginning or end.
getDescriptionSuffix() - Method in class org.tensorflow.framework.ApiDef.Builder
string description_suffix = 10;
getDescriptionSuffix() - Method in class org.tensorflow.framework.ApiDef
string description_suffix = 10;
getDescriptionSuffix() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
string description_suffix = 10;
getDescriptionSuffixBytes() - Method in class org.tensorflow.framework.ApiDef.Builder
string description_suffix = 10;
getDescriptionSuffixBytes() - Method in class org.tensorflow.framework.ApiDef
string description_suffix = 10;
getDescriptionSuffixBytes() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
string description_suffix = 10;
getDescriptor() - Static method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.AttributeProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.GraphProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.GraphProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.ModelProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.ModelProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.NodeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.NodeProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorProto.Builder
 
getDescriptor() - Static method in enum onnx.OnnxMlProto3.TensorProto.DataType
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
getDescriptor() - Static method in enum onnx.OnnxMlProto3.Version
 
getDescriptor() - Static method in class onnx.OnnxOperatorsProto3
 
getDescriptor() - Static method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
getDescriptor() - Static method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
 
getDescriptor() - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
getDescriptor() - Static method in enum onnx.OnnxProto3.AttributeProto.AttributeType
 
getDescriptor() - Static method in class onnx.OnnxProto3.AttributeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.AttributeProto
 
getDescriptor() - Static method in class onnx.OnnxProto3
 
getDescriptor() - Static method in class onnx.OnnxProto3.GraphProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.GraphProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.ModelProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.ModelProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.NodeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.NodeProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorProto.Builder
 
getDescriptor() - Static method in enum onnx.OnnxProto3.TensorProto.DataType
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
getDescriptor() - Static method in class onnx.OnnxProto3.TensorShapeProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.TypeProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.TypeProto
 
getDescriptor() - Static method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
getDescriptor() - Static method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
getDescriptor() - Static method in class onnx.OnnxProto3.ValueInfoProto
 
getDescriptor() - Static method in enum onnx.OnnxProto3.Version
 
getDescriptor() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
getDescriptor() - Method in interface org.nd4j.linalg.api.ops.CustomOp
Get the custom op descriptor if one is available.
getDescriptor() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
getDescriptor() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
getDescriptor() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
getDescriptor() - Method in interface org.nd4j.linalg.compression.NDArrayCompressor
This method returns compression descriptor.
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ClusterDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ClusterDef
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ClusterProtos
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.DistributedRuntimeProtos
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.JobDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.JobDef
 
getDescriptor() - Static method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.LoggingRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.LoggingResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.MasterServiceProtos
 
getDescriptor() - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ResetRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ResetRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ResetResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ResetResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunStepRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.RunStepResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ServerDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ServerDef
 
getDescriptor() - Static method in class org.tensorflow.distruntime.ServerProtos
 
getDescriptor() - Static method in class org.tensorflow.distruntime.StepSequence.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.StepSequence
 
getDescriptor() - Static method in class org.tensorflow.distruntime.TraceOpts.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.TraceOpts
 
getDescriptor() - Static method in class org.tensorflow.distruntime.TracingRequest.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.TracingRequest
 
getDescriptor() - Static method in class org.tensorflow.distruntime.TracingResponse.Builder
 
getDescriptor() - Static method in class org.tensorflow.distruntime.TracingResponse
 
getDescriptor() - Static method in class org.tensorflow.distruntime.WorkerProtos
 
getDescriptor() - Static method in class org.tensorflow.distruntime.WorkerServiceProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.AllocationDescription.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.AllocationDescription
 
getDescriptor() - Static method in class org.tensorflow.framework.AllocationDescriptionProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.AllocationRecord.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.AllocationRecord
 
getDescriptor() - Static method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef.Arg
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef.Attr
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDef
 
getDescriptor() - Static method in enum org.tensorflow.framework.ApiDef.Visibility
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDefProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDefs.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ApiDefs
 
getDescriptor() - Static method in class org.tensorflow.framework.AssetFileDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.AssetFileDef
 
getDescriptor() - Static method in class org.tensorflow.framework.AttrValue.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.AttrValue
 
getDescriptor() - Static method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
getDescriptor() - Static method in class org.tensorflow.framework.AttrValueProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.AutoParallelOptions
 
getDescriptor() - Static method in class org.tensorflow.framework.CallableOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CallableOptions
 
getDescriptor() - Static method in enum org.tensorflow.framework.Code
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
getDescriptor() - Static method in class org.tensorflow.framework.CondContextDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CondContextDef
 
getDescriptor() - Static method in class org.tensorflow.framework.ConfigProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
getDescriptor() - Static method in class org.tensorflow.framework.ConfigProto
 
getDescriptor() - Static method in class org.tensorflow.framework.ConfigProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
getDescriptor() - Static method in class org.tensorflow.framework.ControlFlowProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.CostGraphProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CriticalSectionDef
 
getDescriptor() - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
getDescriptor() - Static method in class org.tensorflow.framework.CriticalSectionProtos
 
getDescriptor() - Static method in enum org.tensorflow.framework.DataType
 
getDescriptor() - Static method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
getDescriptor() - Static method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
getDescriptor() - Static method in class org.tensorflow.framework.DebugOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.DebugOptions
 
getDescriptor() - Static method in class org.tensorflow.framework.DebugProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.DebugTensorWatch
 
getDescriptor() - Static method in class org.tensorflow.framework.DeviceAttributes.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.DeviceAttributes
 
getDescriptor() - Static method in class org.tensorflow.framework.DeviceAttributesProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.DeviceLocality.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.DeviceLocality
 
getDescriptor() - Static method in class org.tensorflow.framework.DeviceStepStats.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.DeviceStepStats
 
getDescriptor() - Static method in class org.tensorflow.framework.ErrorCodesProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.FunctionDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.FunctionDef
 
getDescriptor() - Static method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
getDescriptor() - Static method in class org.tensorflow.framework.FunctionProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.GPUOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
getDescriptor() - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
getDescriptor() - Static method in class org.tensorflow.framework.GPUOptions
 
getDescriptor() - Static method in class org.tensorflow.framework.GradientDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GradientDef
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphDef
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphOptions
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
getDescriptor() - Static method in enum org.tensorflow.framework.GraphTransferInfo.Destination
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferInfoProto
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.HistogramProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.HistogramProto
 
getDescriptor() - Static method in class org.tensorflow.framework.InterconnectLink.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.InterconnectLink
 
getDescriptor() - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
getDescriptor() - Static method in class org.tensorflow.framework.KernelDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.KernelDef
 
getDescriptor() - Static method in class org.tensorflow.framework.KernelDefProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.LocalLinks.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.LocalLinks
 
getDescriptor() - Static method in class org.tensorflow.framework.LogMemoryProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogStep.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogStep
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryStats.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MemoryStats
 
getDescriptor() - Static method in class org.tensorflow.framework.MetaGraphDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MetaGraphDef
 
getDescriptor() - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
getDescriptor() - Static method in class org.tensorflow.framework.MetaGraphProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.NameAttrList.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.NameAttrList
 
getDescriptor() - Static method in class org.tensorflow.framework.NamedTensorProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.NamedTensorProto
 
getDescriptor() - Static method in class org.tensorflow.framework.NamedTensorProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.NodeDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.NodeDef
 
getDescriptor() - Static method in class org.tensorflow.framework.NodeExecStats.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.NodeExecStats
 
getDescriptor() - Static method in class org.tensorflow.framework.NodeOutput.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.NodeOutput
 
getDescriptor() - Static method in class org.tensorflow.framework.NodeProto
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDef
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDefProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDeprecation.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.OpDeprecation
 
getDescriptor() - Static method in class org.tensorflow.framework.OpList.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.OpList
 
getDescriptor() - Static method in class org.tensorflow.framework.OptimizerOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.OptimizerOptions
 
getDescriptor() - Static method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
 
getDescriptor() - Static method in enum org.tensorflow.framework.OptimizerOptions.Level
 
getDescriptor() - Static method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.QueueRunnerDef
 
getDescriptor() - Static method in class org.tensorflow.framework.QueueRunnerProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.ReaderBaseProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.ReaderBaseState.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ReaderBaseState
 
getDescriptor() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
getDescriptor() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfoProto
 
getDescriptor() - Static method in class org.tensorflow.framework.ResourceHandle
 
getDescriptor() - Static method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ResourceHandleProto
 
getDescriptor() - Static method in class org.tensorflow.framework.RewriterConfig.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
getDescriptor() - Static method in class org.tensorflow.framework.RewriterConfig
 
getDescriptor() - Static method in enum org.tensorflow.framework.RewriterConfig.MemOptType
 
getDescriptor() - Static method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
 
getDescriptor() - Static method in enum org.tensorflow.framework.RewriterConfig.Toggle
 
getDescriptor() - Static method in class org.tensorflow.framework.RewriterConfigProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.RPCOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RPCOptions
 
getDescriptor() - Static method in class org.tensorflow.framework.RunMetadata.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RunMetadata
 
getDescriptor() - Static method in class org.tensorflow.framework.RunOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
getDescriptor() - Static method in class org.tensorflow.framework.RunOptions
 
getDescriptor() - Static method in enum org.tensorflow.framework.RunOptions.TraceLevel
 
getDescriptor() - Static method in class org.tensorflow.framework.SavedModel.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.SavedModel
 
getDescriptor() - Static method in class org.tensorflow.framework.SavedModelProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
getDescriptor() - Static method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
getDescriptor() - Static method in class org.tensorflow.framework.SignatureDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.SignatureDef
 
getDescriptor() - Static method in class org.tensorflow.framework.StepStats.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.StepStats
 
getDescriptor() - Static method in class org.tensorflow.framework.StepStatsProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary.Audio.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary.Audio
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary.Image.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary.Image
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary.Value.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.Summary.Value
 
getDescriptor() - Static method in class org.tensorflow.framework.SummaryDescription.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.SummaryDescription
 
getDescriptor() - Static method in class org.tensorflow.framework.SummaryMetadata.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.SummaryMetadata
 
getDescriptor() - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
getDescriptor() - Static method in class org.tensorflow.framework.SummaryProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorConnection.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorConnection
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorDescription.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorDescription
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorDescriptionProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorInfo.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorInfo
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorProto
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorShapeProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorShapeProto
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorShapeProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorSliceProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorSliceProto
 
getDescriptor() - Static method in class org.tensorflow.framework.TensorSliceProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
getDescriptor() - Static method in class org.tensorflow.framework.TypesProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.ValuesDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.ValuesDef
 
getDescriptor() - Static method in class org.tensorflow.framework.VariableDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.VariableDef
 
getDescriptor() - Static method in class org.tensorflow.framework.VariableProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
getDescriptor() - Static method in class org.tensorflow.framework.VersionDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.VersionDef
 
getDescriptor() - Static method in class org.tensorflow.framework.VersionsProtos
 
getDescriptor() - Static method in class org.tensorflow.framework.WhileContextDef.Builder
 
getDescriptor() - Static method in class org.tensorflow.framework.WhileContextDef
 
getDescriptor() - Static method in class org.tensorflow.util.BundleEntryProto.Builder
 
getDescriptor() - Static method in class org.tensorflow.util.BundleEntryProto
 
getDescriptor() - Static method in class org.tensorflow.util.BundleHeaderProto.Builder
 
getDescriptor() - Static method in enum org.tensorflow.util.BundleHeaderProto.Endianness
 
getDescriptor() - Static method in class org.tensorflow.util.BundleHeaderProto
 
getDescriptor() - Static method in class org.tensorflow.util.IteratorProtos
 
getDescriptor() - Static method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
getDescriptor() - Static method in class org.tensorflow.util.IteratorStateMetadata
 
getDescriptor() - Static method in class org.tensorflow.util.SaverDef.Builder
 
getDescriptor() - Static method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
 
getDescriptor() - Static method in class org.tensorflow.util.SaverDef
 
getDescriptor() - Static method in class org.tensorflow.util.SaverProtos
 
getDescriptor() - Static method in class org.tensorflow.util.TensorBundleProtos
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
getDescriptor() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass
 
getDescriptor() - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
getDescriptor() - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
getDescriptor() - Static method in class tensorflow.DevicePropertiesProtos
 
getDescriptor() - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
getDescriptor() - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
getDescriptor() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
getDescriptor() - Static method in class tensorflow.TransportOptions
 
getDescriptor() - Static method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
getDescriptor() - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
getDescriptorForType() - Method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
getDescriptorForType() - Method in enum onnx.OnnxMlProto3.TensorProto.DataType
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
getDescriptorForType() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
getDescriptorForType() - Method in enum onnx.OnnxMlProto3.Version
 
getDescriptorForType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
getDescriptorForType() - Method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
 
getDescriptorForType() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
getDescriptorForType() - Method in enum onnx.OnnxProto3.AttributeProto.AttributeType
 
getDescriptorForType() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
getDescriptorForType() - Method in enum onnx.OnnxProto3.TensorProto.DataType
 
getDescriptorForType() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
getDescriptorForType() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
getDescriptorForType() - Method in enum onnx.OnnxProto3.Version
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
getDescriptorForType() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ApiDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.framework.ApiDef.Visibility
 
getDescriptorForType() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.AttrValue.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.framework.Code
 
getDescriptorForType() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.framework.DataType
 
getDescriptorForType() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GradientDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.framework.GraphTransferInfo.Destination
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.KernelDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.NodeDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.OpDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.OpList.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
 
getDescriptorForType() - Method in enum org.tensorflow.framework.OptimizerOptions.Level
 
getDescriptorForType() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.framework.RewriterConfig.MemOptType
 
getDescriptorForType() - Method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
 
getDescriptorForType() - Method in enum org.tensorflow.framework.RewriterConfig.Toggle
 
getDescriptorForType() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.RunOptions.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.framework.RunOptions.TraceLevel
 
getDescriptorForType() - Method in class org.tensorflow.framework.SavedModel.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.StepStats.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.Summary.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.VariableDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.VersionDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
getDescriptorForType() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
getDescriptorForType() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.util.BundleHeaderProto.Endianness
 
getDescriptorForType() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
getDescriptorForType() - Method in class org.tensorflow.util.SaverDef.Builder
 
getDescriptorForType() - Method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
 
getDescriptorForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
getDescriptorForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
getDescriptorForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
getDescriptorForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
getDescriptorForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
getDescriptorForType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
getDescriptorForType() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
getDescriptorForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
getDescriptorForType() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
getDeserializedType() - Method in class org.nd4j.serde.json.BaseLegacyDeserializer
 
getDeserializedType() - Method in class org.nd4j.serde.json.LegacyIActivationDeserializer
 
getDeserializedType() - Method in class org.nd4j.serde.json.LegacyILossFunctionDeserializer
 
getDestination() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Destination of graph transfer
getDestination() - Method in class org.tensorflow.framework.GraphTransferInfo
Destination of graph transfer
getDestination() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
Destination of graph transfer
getDestinationValue() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Destination of graph transfer
getDestinationValue() - Method in class org.tensorflow.framework.GraphTransferInfo
Destination of graph transfer
getDestinationValue() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
Destination of graph transfer
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.
getDevice() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device = 10;
getDevice() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
string device = 10;
getDevice() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
string device = 10;
getDevice() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The device of the node.
getDevice() - Method in class org.tensorflow.framework.CostGraphDef.Node
The device of the node.
getDevice() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
The device of the node.
getDevice() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
string device = 1;
getDevice() - Method in class org.tensorflow.framework.DeviceStepStats
string device = 1;
getDevice() - Method in interface org.tensorflow.framework.DeviceStepStatsOrBuilder
string device = 1;
getDevice() - Method in class org.tensorflow.framework.NodeDef.Builder
A (possibly partial) specification for the device on which this node should be placed.
getDevice() - Method in class org.tensorflow.framework.NodeDef
A (possibly partial) specification for the device on which this node should be placed.
getDevice() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
A (possibly partial) specification for the device on which this node should be placed.
getDevice() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name for the device containing the resource.
getDevice() - Method in class org.tensorflow.framework.ResourceHandleProto
Unique name for the device containing the resource.
getDevice() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
Unique name for the device containing the resource.
getDevice() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string device = 6;
getDevice() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
string device = 6;
getDevice() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
string device = 6;
getDeviceAttributes(int) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributes(int) - Method in class org.tensorflow.distruntime.GetStatusResponse
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributes(int) - Method in interface org.tensorflow.distruntime.GetStatusResponseOrBuilder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributes(int) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
getDeviceAttributes(int) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
List of devices that are locally accessible to the worker.
getDeviceAttributes(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextResponseOrBuilder
List of devices that are locally accessible to the worker.
getDeviceAttributesBuilder(int) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
getDeviceAttributesBuilderList() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
getDeviceAttributesCount() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesCount() - Method in class org.tensorflow.distruntime.GetStatusResponse
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesCount() - Method in interface org.tensorflow.distruntime.GetStatusResponseOrBuilder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesCount() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
getDeviceAttributesCount() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
List of devices that are locally accessible to the worker.
getDeviceAttributesCount() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextResponseOrBuilder
List of devices that are locally accessible to the worker.
getDeviceAttributesList() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesList() - Method in class org.tensorflow.distruntime.GetStatusResponse
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesList() - Method in interface org.tensorflow.distruntime.GetStatusResponseOrBuilder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesList() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
getDeviceAttributesList() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
List of devices that are locally accessible to the worker.
getDeviceAttributesList() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextResponseOrBuilder
List of devices that are locally accessible to the worker.
getDeviceAttributesOrBuilder(int) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesOrBuilder(int) - Method in class org.tensorflow.distruntime.GetStatusResponse
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesOrBuilder(int) - Method in interface org.tensorflow.distruntime.GetStatusResponseOrBuilder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesOrBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
getDeviceAttributesOrBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
List of devices that are locally accessible to the worker.
getDeviceAttributesOrBuilder(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextResponseOrBuilder
List of devices that are locally accessible to the worker.
getDeviceAttributesOrBuilderList() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesOrBuilderList() - Method in class org.tensorflow.distruntime.GetStatusResponse
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesOrBuilderList() - Method in interface org.tensorflow.distruntime.GetStatusResponseOrBuilder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
getDeviceAttributesOrBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
getDeviceAttributesOrBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
List of devices that are locally accessible to the worker.
getDeviceAttributesOrBuilderList() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextResponseOrBuilder
List of devices that are locally accessible to the worker.
getDeviceBytes() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device = 10;
getDeviceBytes() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
string device = 10;
getDeviceBytes() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
string device = 10;
getDeviceBytes() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The device of the node.
getDeviceBytes() - Method in class org.tensorflow.framework.CostGraphDef.Node
The device of the node.
getDeviceBytes() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
The device of the node.
getDeviceBytes() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
string device = 1;
getDeviceBytes() - Method in class org.tensorflow.framework.DeviceStepStats
string device = 1;
getDeviceBytes() - Method in interface org.tensorflow.framework.DeviceStepStatsOrBuilder
string device = 1;
getDeviceBytes() - Method in class org.tensorflow.framework.NodeDef.Builder
A (possibly partial) specification for the device on which this node should be placed.
getDeviceBytes() - Method in class org.tensorflow.framework.NodeDef
A (possibly partial) specification for the device on which this node should be placed.
getDeviceBytes() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
A (possibly partial) specification for the device on which this node should be placed.
getDeviceBytes() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name for the device containing the resource.
getDeviceBytes() - Method in class org.tensorflow.framework.ResourceHandleProto
Unique name for the device containing the resource.
getDeviceBytes() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
Unique name for the device containing the resource.
getDeviceBytes() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string device = 6;
getDeviceBytes() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
string device = 6;
getDeviceBytes() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
string device = 6;
getDeviceCount() - Method in class org.tensorflow.framework.ConfigProto.Builder
Deprecated.
getDeviceCount() - Method in class org.tensorflow.framework.ConfigProto
Deprecated.
getDeviceCount() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Deprecated.
getDeviceCountCount() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
getDeviceCountCount() - Method in class org.tensorflow.framework.ConfigProto
 
getDeviceCountCount() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountMap() - Method in class org.tensorflow.framework.ConfigProto.Builder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountMap() - Method in class org.tensorflow.framework.ConfigProto
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountMap() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountOrDefault(String, int) - Method in class org.tensorflow.framework.ConfigProto.Builder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountOrDefault(String, int) - Method in class org.tensorflow.framework.ConfigProto
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountOrDefault(String, int) - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountOrThrow(String) - Method in class org.tensorflow.framework.ConfigProto.Builder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountOrThrow(String) - Method in class org.tensorflow.framework.ConfigProto
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceCountOrThrow(String) - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
getDeviceFilters(int) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
getDeviceFilters(int) - Method in class org.tensorflow.distruntime.ResetRequest
When any filters are present, only devices that match the filters will be reset.
getDeviceFilters(int) - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
When any filters are present, only devices that match the filters will be reset.
getDeviceFilters(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFilters(int) - Method in class org.tensorflow.framework.ConfigProto
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFilters(int) - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersBytes(int) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersBytes(int) - Method in class org.tensorflow.distruntime.ResetRequest
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersBytes(int) - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersBytes(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersBytes(int) - Method in class org.tensorflow.framework.ConfigProto
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersBytes(int) - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersCount() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersCount() - Method in class org.tensorflow.distruntime.ResetRequest
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersCount() - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersCount() - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersCount() - Method in class org.tensorflow.framework.ConfigProto
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersCount() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersList() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersList() - Method in class org.tensorflow.distruntime.ResetRequest
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersList() - Method in interface org.tensorflow.distruntime.ResetRequestOrBuilder
When any filters are present, only devices that match the filters will be reset.
getDeviceFiltersList() - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersList() - Method in class org.tensorflow.framework.ConfigProto
When any filters are present sessions will ignore all devices which do not match the filters.
getDeviceFiltersList() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
When any filters are present sessions will ignore all devices which do not match the filters.
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
 
getDeviceId() - Method in class org.tensorflow.framework.InterconnectLink.Builder
int32 device_id = 1;
getDeviceId() - Method in class org.tensorflow.framework.InterconnectLink
int32 device_id = 1;
getDeviceId() - Method in interface org.tensorflow.framework.InterconnectLinkOrBuilder
int32 device_id = 1;
getDeviceName(int) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
getDeviceName(int) - Method in class org.tensorflow.distruntime.CompleteGroupRequest
repeated string device_name = 4;
getDeviceName(int) - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
repeated string device_name = 4;
getDeviceName(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
getDeviceName(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse
repeated string device_name = 5;
getDeviceName(int) - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
repeated string device_name = 5;
getDeviceNameBytes(int) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
getDeviceNameBytes(int) - Method in class org.tensorflow.distruntime.CompleteGroupRequest
repeated string device_name = 4;
getDeviceNameBytes(int) - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
repeated string device_name = 4;
getDeviceNameBytes(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
getDeviceNameBytes(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse
repeated string device_name = 5;
getDeviceNameBytes(int) - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
repeated string device_name = 5;
getDeviceNameCount() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
getDeviceNameCount() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
repeated string device_name = 4;
getDeviceNameCount() - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
repeated string device_name = 4;
getDeviceNameCount() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
getDeviceNameCount() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
repeated string device_name = 5;
getDeviceNameCount() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
repeated string device_name = 5;
getDeviceNameList() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
getDeviceNameList() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
repeated string device_name = 4;
getDeviceNameList() - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
repeated string device_name = 4;
getDeviceNameList() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
getDeviceNameList() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
repeated string device_name = 5;
getDeviceNameList() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
repeated string device_name = 5;
getDeviceOffset() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns current device memory offset within workspace
getDevicePersistentMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
getDevicePersistentMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node
Deprecated.
getDevicePersistentMemorySize() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Deprecated.
getDevicePersistentMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
getDevicePersistentMemorySize() - Method in class org.tensorflow.framework.MemoryStats
Deprecated.
getDevicePersistentMemorySize() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
Deprecated.
getDevicePersistentTensorAllocIds(int) - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
getDevicePersistentTensorAllocIds(int) - Method in class org.tensorflow.framework.MemoryStats
Deprecated.
getDevicePersistentTensorAllocIds(int) - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
Deprecated.
getDevicePersistentTensorAllocIdsCount() - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
getDevicePersistentTensorAllocIdsCount() - Method in class org.tensorflow.framework.MemoryStats
Deprecated.
getDevicePersistentTensorAllocIdsCount() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
Deprecated.
getDevicePersistentTensorAllocIdsList() - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
getDevicePersistentTensorAllocIdsList() - Method in class org.tensorflow.framework.MemoryStats
Deprecated.
getDevicePersistentTensorAllocIdsList() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
Deprecated.
getDeviceTempMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
getDeviceTempMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node
Deprecated.
getDeviceTempMemorySize() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Deprecated.
getDeviceTempMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
getDeviceTempMemorySize() - Method in class org.tensorflow.framework.MemoryStats
Deprecated.
getDeviceTempMemorySize() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
Deprecated.
getDeviceType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
string device_type = 3;
getDeviceType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
string device_type = 3;
getDeviceType() - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
string device_type = 3;
getDeviceType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
string device_type = 3;
getDeviceType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
string device_type = 3;
getDeviceType() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
string device_type = 3;
getDeviceType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device_type = 8;
getDeviceType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
string device_type = 8;
getDeviceType() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
string device_type = 8;
getDeviceType() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of device_type.
getDeviceType() - Method in class org.tensorflow.framework.DeviceAttributes
String representation of device_type.
getDeviceType() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
String representation of device_type.
getDeviceType() - Method in class org.tensorflow.framework.KernelDef.Builder
Type of device this kernel runs on.
getDeviceType() - Method in class org.tensorflow.framework.KernelDef
Type of device this kernel runs on.
getDeviceType() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Type of device this kernel runs on.
getDeviceTypeBytes() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
string device_type = 3;
getDeviceTypeBytes() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
string device_type = 3;
getDeviceTypeBytes() - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
string device_type = 3;
getDeviceTypeBytes() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
string device_type = 3;
getDeviceTypeBytes() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
string device_type = 3;
getDeviceTypeBytes() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
string device_type = 3;
getDeviceTypeBytes() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device_type = 8;
getDeviceTypeBytes() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
string device_type = 8;
getDeviceTypeBytes() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
string device_type = 8;
getDeviceTypeBytes() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of device_type.
getDeviceTypeBytes() - Method in class org.tensorflow.framework.DeviceAttributes
String representation of device_type.
getDeviceTypeBytes() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
String representation of device_type.
getDeviceTypeBytes() - Method in class org.tensorflow.framework.KernelDef.Builder
Type of device this kernel runs on.
getDeviceTypeBytes() - Method in class org.tensorflow.framework.KernelDef
Type of device this kernel runs on.
getDeviceTypeBytes() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Type of device this kernel runs on.
getDevStats(int) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStats(int) - Method in class org.tensorflow.framework.StepStats
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStats(int) - Method in interface org.tensorflow.framework.StepStatsOrBuilder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsBuilder(int) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsBuilderList() - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsCount() - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsCount() - Method in class org.tensorflow.framework.StepStats
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsCount() - Method in interface org.tensorflow.framework.StepStatsOrBuilder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsList() - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsList() - Method in class org.tensorflow.framework.StepStats
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsList() - Method in interface org.tensorflow.framework.StepStatsOrBuilder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsOrBuilder(int) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsOrBuilder(int) - Method in class org.tensorflow.framework.StepStats
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsOrBuilder(int) - Method in interface org.tensorflow.framework.StepStatsOrBuilder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsOrBuilderList() - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsOrBuilderList() - Method in class org.tensorflow.framework.StepStats
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDevStatsOrBuilderList() - Method in interface org.tensorflow.framework.StepStatsOrBuilder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
getDim(int) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDim(int) - Method in class onnx.OnnxMlProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDim(int) - Method in interface onnx.OnnxMlProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDim(int) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDim(int) - Method in class onnx.OnnxProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDim(int) - Method in interface onnx.OnnxProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDim(int) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDim(int) - Method in class org.tensorflow.framework.TensorShapeProto
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDim(int) - Method in interface org.tensorflow.framework.TensorShapeProtoOrBuilder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimBuilder(int) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimBuilder(int) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimBuilder(int) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimBuilderList() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimBuilderList() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimBuilderList() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimCount() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimCount() - Method in class onnx.OnnxMlProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimCount() - Method in interface onnx.OnnxMlProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimCount() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimCount() - Method in class onnx.OnnxProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimCount() - Method in interface onnx.OnnxProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimCount() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimCount() - Method in class org.tensorflow.framework.TensorShapeProto
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimCount() - Method in interface org.tensorflow.framework.TensorShapeProtoOrBuilder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
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.BaseBroadcastBoolOp
 
getDimension() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
getDimension() - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
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.ScalarEps
 
getDimension() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
getDimension() - Method in interface org.nd4j.linalg.api.ops.ScalarOp
 
getDimList() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimList() - Method in class onnx.OnnxMlProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimList() - Method in interface onnx.OnnxMlProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimList() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimList() - Method in class onnx.OnnxProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimList() - Method in interface onnx.OnnxProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimList() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimList() - Method in class org.tensorflow.framework.TensorShapeProto
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimList() - Method in interface org.tensorflow.framework.TensorShapeProtoOrBuilder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimOrBuilder(int) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilder(int) - Method in class onnx.OnnxMlProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilder(int) - Method in interface onnx.OnnxMlProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilder(int) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilder(int) - Method in class onnx.OnnxProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilder(int) - Method in interface onnx.OnnxProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilder(int) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimOrBuilder(int) - Method in class org.tensorflow.framework.TensorShapeProto
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimOrBuilder(int) - Method in interface org.tensorflow.framework.TensorShapeProtoOrBuilder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimOrBuilderList() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilderList() - Method in class onnx.OnnxMlProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilderList() - Method in interface onnx.OnnxMlProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilderList() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilderList() - Method in class onnx.OnnxProto3.TensorShapeProto
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilderList() - Method in interface onnx.OnnxProto3.TensorShapeProtoOrBuilder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
getDimOrBuilderList() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimOrBuilderList() - Method in class org.tensorflow.framework.TensorShapeProto
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimOrBuilderList() - Method in interface org.tensorflow.framework.TensorShapeProtoOrBuilder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
getDimParam() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
namespace Shape
getDimParam() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
namespace Shape
getDimParam() - Method in interface onnx.OnnxMlProto3.TensorShapeProto.DimensionOrBuilder
namespace Shape
getDimParam() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
namespace Shape
getDimParam() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
namespace Shape
getDimParam() - Method in interface onnx.OnnxProto3.TensorShapeProto.DimensionOrBuilder
namespace Shape
getDimParamBytes() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
namespace Shape
getDimParamBytes() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
namespace Shape
getDimParamBytes() - Method in interface onnx.OnnxMlProto3.TensorShapeProto.DimensionOrBuilder
namespace Shape
getDimParamBytes() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
namespace Shape
getDimParamBytes() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
namespace Shape
getDimParamBytes() - Method in interface onnx.OnnxProto3.TensorShapeProto.DimensionOrBuilder
namespace Shape
getDims(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The shape of the tensor.
getDims(int) - Method in class onnx.OnnxMlProto3.TensorProto
The shape of the tensor.
getDims(int) - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
The shape of the tensor.
getDims(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
The shape of the tensor.
getDims(int) - Method in class onnx.OnnxProto3.TensorProto
The shape of the tensor.
getDims(int) - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
The shape of the tensor.
getDimsCount() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The shape of the tensor.
getDimsCount() - Method in class onnx.OnnxMlProto3.TensorProto
The shape of the tensor.
getDimsCount() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
The shape of the tensor.
getDimsCount() - Method in class onnx.OnnxProto3.TensorProto.Builder
The shape of the tensor.
getDimsCount() - Method in class onnx.OnnxProto3.TensorProto
The shape of the tensor.
getDimsCount() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
The shape of the tensor.
getDimsList() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The shape of the tensor.
getDimsList() - Method in class onnx.OnnxMlProto3.TensorProto
The shape of the tensor.
getDimsList() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
The shape of the tensor.
getDimsList() - Method in class onnx.OnnxProto3.TensorProto.Builder
The shape of the tensor.
getDimsList() - Method in class onnx.OnnxProto3.TensorProto
The shape of the tensor.
getDimsList() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
The shape of the tensor.
getDimValue() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
int64 dim_value = 1;
getDimValue() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
int64 dim_value = 1;
getDimValue() - Method in interface onnx.OnnxMlProto3.TensorShapeProto.DimensionOrBuilder
int64 dim_value = 1;
getDimValue() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
int64 dim_value = 1;
getDimValue() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
int64 dim_value = 1;
getDimValue() - Method in interface onnx.OnnxProto3.TensorShapeProto.DimensionOrBuilder
int64 dim_value = 1;
getDisableModelPruning() - Method in class org.tensorflow.framework.RewriterConfig.Builder
If true, don't remove unnecessary ops from the graph
getDisableModelPruning() - Method in class org.tensorflow.framework.RewriterConfig
If true, don't remove unnecessary ops from the graph
getDisableModelPruning() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
If true, don't remove unnecessary ops from the graph
getDisableRpcLogging() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, RPC logging will be disabled.
getDisableRpcLogging() - Method in class org.tensorflow.distruntime.LoggingRequest
If true, RPC logging will be disabled.
getDisableRpcLogging() - Method in interface org.tensorflow.distruntime.LoggingRequestOrBuilder
If true, RPC logging will be disabled.
getDisplayName() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Display name for viewing in TensorBoard.
getDisplayName() - Method in class org.tensorflow.framework.SummaryMetadata
Display name for viewing in TensorBoard.
getDisplayName() - Method in interface org.tensorflow.framework.SummaryMetadataOrBuilder
Display name for viewing in TensorBoard.
getDisplayNameBytes() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Display name for viewing in TensorBoard.
getDisplayNameBytes() - Method in class org.tensorflow.framework.SummaryMetadata
Display name for viewing in TensorBoard.
getDisplayNameBytes() - Method in interface org.tensorflow.framework.SummaryMetadataOrBuilder
Display name for viewing in TensorBoard.
getDistributions() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the primary distributions factory
getDmaOk() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
If true, use an out-of-band DMA mechanism to transfer the received tensor.
getDmaOk() - Method in class org.tensorflow.distruntime.RecvTensorRequest
If true, use an out-of-band DMA mechanism to transfer the received tensor.
getDmaOk() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
If true, use an out-of-band DMA mechanism to transfer the received tensor.
getDoCommonSubexpressionElimination() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, optimize the graph using common subexpression elimination.
getDoCommonSubexpressionElimination() - Method in class org.tensorflow.framework.OptimizerOptions
If true, optimize the graph using common subexpression elimination.
getDoCommonSubexpressionElimination() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
If true, optimize the graph using common subexpression elimination.
getDoConstantFolding() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, perform constant folding optimization on the graph.
getDoConstantFolding() - Method in class org.tensorflow.framework.OptimizerOptions
If true, perform constant folding optimization on the graph.
getDoConstantFolding() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
If true, perform constant folding optimization on the graph.
getDocString() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
getDocString() - Method in class onnx.OnnxMlProto3.AttributeProto
A human-readable documentation for this attribute.
getDocString() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
A human-readable documentation for this attribute.
getDocString() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A human-readable documentation for this graph.
getDocString() - Method in class onnx.OnnxMlProto3.GraphProto
A human-readable documentation for this graph.
getDocString() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
A human-readable documentation for this graph.
getDocString() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
A human-readable documentation for this model.
getDocString() - Method in class onnx.OnnxMlProto3.ModelProto
A human-readable documentation for this model.
getDocString() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
A human-readable documentation for this model.
getDocString() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
A human-readable documentation for this node.
getDocString() - Method in class onnx.OnnxMlProto3.NodeProto
A human-readable documentation for this node.
getDocString() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
A human-readable documentation for this node.
getDocString() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
A human-readable documentation for this tensor.
getDocString() - Method in class onnx.OnnxMlProto3.TensorProto
A human-readable documentation for this tensor.
getDocString() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
A human-readable documentation for this tensor.
getDocString() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
getDocString() - Method in class onnx.OnnxMlProto3.ValueInfoProto
A human-readable documentation for this value.
getDocString() - Method in interface onnx.OnnxMlProto3.ValueInfoProtoOrBuilder
A human-readable documentation for this value.
getDocString() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
A human-readable documentation for this operator.
getDocString() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
A human-readable documentation for this operator.
getDocString() - Method in interface onnx.OnnxOperatorsProto3.OperatorProtoOrBuilder
A human-readable documentation for this operator.
getDocString() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
A human-readable documentation for this set of operators.
getDocString() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
A human-readable documentation for this set of operators.
getDocString() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
A human-readable documentation for this set of operators.
getDocString() - Method in class onnx.OnnxProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
getDocString() - Method in class onnx.OnnxProto3.AttributeProto
A human-readable documentation for this attribute.
getDocString() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
A human-readable documentation for this attribute.
getDocString() - Method in class onnx.OnnxProto3.GraphProto.Builder
A human-readable documentation for this graph.
getDocString() - Method in class onnx.OnnxProto3.GraphProto
A human-readable documentation for this graph.
getDocString() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
A human-readable documentation for this graph.
getDocString() - Method in class onnx.OnnxProto3.ModelProto.Builder
A human-readable documentation for this model.
getDocString() - Method in class onnx.OnnxProto3.ModelProto
A human-readable documentation for this model.
getDocString() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
A human-readable documentation for this model.
getDocString() - Method in class onnx.OnnxProto3.NodeProto.Builder
A human-readable documentation for this node.
getDocString() - Method in class onnx.OnnxProto3.NodeProto
A human-readable documentation for this node.
getDocString() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
A human-readable documentation for this node.
getDocString() - Method in class onnx.OnnxProto3.TensorProto.Builder
A human-readable documentation for this tensor.
getDocString() - Method in class onnx.OnnxProto3.TensorProto
A human-readable documentation for this tensor.
getDocString() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
A human-readable documentation for this tensor.
getDocString() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
getDocString() - Method in class onnx.OnnxProto3.ValueInfoProto
A human-readable documentation for this value.
getDocString() - Method in interface onnx.OnnxProto3.ValueInfoProtoOrBuilder
A human-readable documentation for this value.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.AttributeProto
A human-readable documentation for this attribute.
getDocStringBytes() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
A human-readable documentation for this attribute.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A human-readable documentation for this graph.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.GraphProto
A human-readable documentation for this graph.
getDocStringBytes() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
A human-readable documentation for this graph.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
A human-readable documentation for this model.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.ModelProto
A human-readable documentation for this model.
getDocStringBytes() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
A human-readable documentation for this model.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
A human-readable documentation for this node.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.NodeProto
A human-readable documentation for this node.
getDocStringBytes() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
A human-readable documentation for this node.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
A human-readable documentation for this tensor.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.TensorProto
A human-readable documentation for this tensor.
getDocStringBytes() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
A human-readable documentation for this tensor.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
getDocStringBytes() - Method in class onnx.OnnxMlProto3.ValueInfoProto
A human-readable documentation for this value.
getDocStringBytes() - Method in interface onnx.OnnxMlProto3.ValueInfoProtoOrBuilder
A human-readable documentation for this value.
getDocStringBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
A human-readable documentation for this operator.
getDocStringBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
A human-readable documentation for this operator.
getDocStringBytes() - Method in interface onnx.OnnxOperatorsProto3.OperatorProtoOrBuilder
A human-readable documentation for this operator.
getDocStringBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
A human-readable documentation for this set of operators.
getDocStringBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
A human-readable documentation for this set of operators.
getDocStringBytes() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
A human-readable documentation for this set of operators.
getDocStringBytes() - Method in class onnx.OnnxProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
getDocStringBytes() - Method in class onnx.OnnxProto3.AttributeProto
A human-readable documentation for this attribute.
getDocStringBytes() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
A human-readable documentation for this attribute.
getDocStringBytes() - Method in class onnx.OnnxProto3.GraphProto.Builder
A human-readable documentation for this graph.
getDocStringBytes() - Method in class onnx.OnnxProto3.GraphProto
A human-readable documentation for this graph.
getDocStringBytes() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
A human-readable documentation for this graph.
getDocStringBytes() - Method in class onnx.OnnxProto3.ModelProto.Builder
A human-readable documentation for this model.
getDocStringBytes() - Method in class onnx.OnnxProto3.ModelProto
A human-readable documentation for this model.
getDocStringBytes() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
A human-readable documentation for this model.
getDocStringBytes() - Method in class onnx.OnnxProto3.NodeProto.Builder
A human-readable documentation for this node.
getDocStringBytes() - Method in class onnx.OnnxProto3.NodeProto
A human-readable documentation for this node.
getDocStringBytes() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
A human-readable documentation for this node.
getDocStringBytes() - Method in class onnx.OnnxProto3.TensorProto.Builder
A human-readable documentation for this tensor.
getDocStringBytes() - Method in class onnx.OnnxProto3.TensorProto
A human-readable documentation for this tensor.
getDocStringBytes() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
A human-readable documentation for this tensor.
getDocStringBytes() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
getDocStringBytes() - Method in class onnx.OnnxProto3.ValueInfoProto
A human-readable documentation for this value.
getDocStringBytes() - Method in interface onnx.OnnxProto3.ValueInfoProtoOrBuilder
A human-readable documentation for this value.
getDoFunctionInlining() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, perform function inlining on the graph.
getDoFunctionInlining() - Method in class org.tensorflow.framework.OptimizerOptions
If true, perform function inlining on the graph.
getDoFunctionInlining() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
If true, perform function inlining on the graph.
getDomain() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Domain name of the model.
getDomain() - Method in class onnx.OnnxMlProto3.ModelProto
Domain name of the model.
getDomain() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
Domain name of the model.
getDomain() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomain() - Method in class onnx.OnnxMlProto3.NodeProto
The domain of the OperatorSet that specifies the operator named by op_type.
getDomain() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomain() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
getDomain() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
The domain of the operator set being identified.
getDomain() - Method in interface onnx.OnnxMlProto3.OperatorSetIdProtoOrBuilder
The domain of the operator set being identified.
getDomain() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
getDomain() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
getDomain() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
getDomain() - Method in class onnx.OnnxProto3.ModelProto.Builder
Domain name of the model.
getDomain() - Method in class onnx.OnnxProto3.ModelProto
Domain name of the model.
getDomain() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
Domain name of the model.
getDomain() - Method in class onnx.OnnxProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomain() - Method in class onnx.OnnxProto3.NodeProto
The domain of the OperatorSet that specifies the operator named by op_type.
getDomain() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomain() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
getDomain() - Method in class onnx.OnnxProto3.OperatorSetIdProto
The domain of the operator set being identified.
getDomain() - Method in interface onnx.OnnxProto3.OperatorSetIdProtoOrBuilder
The domain of the operator set being identified.
getDomainBytes() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Domain name of the model.
getDomainBytes() - Method in class onnx.OnnxMlProto3.ModelProto
Domain name of the model.
getDomainBytes() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
Domain name of the model.
getDomainBytes() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomainBytes() - Method in class onnx.OnnxMlProto3.NodeProto
The domain of the OperatorSet that specifies the operator named by op_type.
getDomainBytes() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomainBytes() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
getDomainBytes() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
The domain of the operator set being identified.
getDomainBytes() - Method in interface onnx.OnnxMlProto3.OperatorSetIdProtoOrBuilder
The domain of the operator set being identified.
getDomainBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
getDomainBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
getDomainBytes() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
getDomainBytes() - Method in class onnx.OnnxProto3.ModelProto.Builder
Domain name of the model.
getDomainBytes() - Method in class onnx.OnnxProto3.ModelProto
Domain name of the model.
getDomainBytes() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
Domain name of the model.
getDomainBytes() - Method in class onnx.OnnxProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomainBytes() - Method in class onnx.OnnxProto3.NodeProto
The domain of the OperatorSet that specifies the operator named by op_type.
getDomainBytes() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
The domain of the OperatorSet that specifies the operator named by op_type.
getDomainBytes() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
getDomainBytes() - Method in class onnx.OnnxProto3.OperatorSetIdProto
The domain of the operator set being identified.
getDomainBytes() - Method in interface onnx.OnnxProto3.OperatorSetIdProtoOrBuilder
The domain of the operator set being identified.
getDouble(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the elements at the specified indices
getDouble(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getDouble(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getDouble(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getDouble(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getDouble(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getDouble(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getDouble(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getDouble(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getDouble(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getDouble(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getDouble(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getDouble(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get a double value at the specified indices.
getDouble(long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getDouble(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the double value at the specified linear index in the array
getDouble(long, long) - 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
getDouble(INDArray, long...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getDoubleData(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleData(int) - Method in class onnx.OnnxMlProto3.TensorProto
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleData(int) - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleData(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleData(int) - Method in class onnx.OnnxProto3.TensorProto
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleData(int) - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
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.
getDoubleDataCount() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataCount() - Method in class onnx.OnnxMlProto3.TensorProto
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataCount() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataCount() - Method in class onnx.OnnxProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataCount() - Method in class onnx.OnnxProto3.TensorProto
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataCount() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataList() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataList() - Method in class onnx.OnnxMlProto3.TensorProto
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataList() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataList() - Method in class onnx.OnnxProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataList() - Method in class onnx.OnnxProto3.TensorProto
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleDataList() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getDoubleUnsafe(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getDoubleUnsafe(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getDoubleUnsafe(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get a scalar at the given linear offset
getDoubleVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_DOUBLE.
getDoubleVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_DOUBLE.
getDoubleVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_DOUBLE.
getDoubleValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_DOUBLE.
getDoubleValCount() - Method in class org.tensorflow.framework.TensorProto
DT_DOUBLE.
getDoubleValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_DOUBLE.
getDoubleValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_DOUBLE.
getDoubleValList() - Method in class org.tensorflow.framework.TensorProto
DT_DOUBLE.
getDoubleValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_DOUBLE.
getDoubleValues() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
getDstDevice() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
string dst_device = 9;
getDstDevice() - Method in class org.tensorflow.distruntime.RecvBufRequest
string dst_device = 9;
getDstDevice() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
string dst_device = 9;
getDstDeviceBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
string dst_device = 9;
getDstDeviceBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest
string dst_device = 9;
getDstDeviceBytes() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
string dst_device = 9;
getDtype() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.DataType dtype = 4;
getDtype() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
.tensorflow.DataType dtype = 4;
getDtype() - Method in interface org.tensorflow.framework.CostGraphDef.Node.OutputInfoOrBuilder
.tensorflow.DataType dtype = 4;
getDtype() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
.tensorflow.DataType dtype = 5;
getDtype() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
.tensorflow.DataType dtype = 5;
getDtype() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
.tensorflow.DataType dtype = 5;
getDtype() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
getDtype() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
.tensorflow.DataType dtype = 3;
getDtype() - Method in interface org.tensorflow.framework.GraphTransferGraphInputNodeInfoOrBuilder
.tensorflow.DataType dtype = 3;
getDtype() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
getDtype() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
.tensorflow.DataType dtype = 3;
getDtype() - Method in interface org.tensorflow.framework.GraphTransferGraphOutputNodeInfoOrBuilder
.tensorflow.DataType dtype = 3;
getDtype() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.DataType dtype = 1;
getDtype() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
.tensorflow.DataType dtype = 1;
getDtype() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProtoOrBuilder
.tensorflow.DataType dtype = 1;
getDtype() - Method in class org.tensorflow.framework.TensorDescription.Builder
Data type of tensor elements
getDtype() - Method in class org.tensorflow.framework.TensorDescription
Data type of tensor elements
getDtype() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Data type of tensor elements
getDtype() - Method in class org.tensorflow.framework.TensorInfo.Builder
.tensorflow.DataType dtype = 2;
getDtype() - Method in class org.tensorflow.framework.TensorInfo
.tensorflow.DataType dtype = 2;
getDtype() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
.tensorflow.DataType dtype = 2;
getDtype() - Method in class org.tensorflow.framework.TensorProto.Builder
.tensorflow.DataType dtype = 1;
getDtype() - Method in class org.tensorflow.framework.TensorProto
.tensorflow.DataType dtype = 1;
getDtype() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
.tensorflow.DataType dtype = 1;
getDtype() - Method in class org.tensorflow.util.BundleEntryProto.Builder
The tensor dtype and shape.
getDtype() - Method in class org.tensorflow.util.BundleEntryProto
The tensor dtype and shape.
getDtype() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
The tensor dtype and shape.
getDtypeValue() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.DataType dtype = 4;
getDtypeValue() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
.tensorflow.DataType dtype = 4;
getDtypeValue() - Method in interface org.tensorflow.framework.CostGraphDef.Node.OutputInfoOrBuilder
.tensorflow.DataType dtype = 4;
getDtypeValue() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
.tensorflow.DataType dtype = 5;
getDtypeValue() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
.tensorflow.DataType dtype = 5;
getDtypeValue() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
.tensorflow.DataType dtype = 5;
getDtypeValue() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
getDtypeValue() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
.tensorflow.DataType dtype = 3;
getDtypeValue() - Method in interface org.tensorflow.framework.GraphTransferGraphInputNodeInfoOrBuilder
.tensorflow.DataType dtype = 3;
getDtypeValue() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
getDtypeValue() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
.tensorflow.DataType dtype = 3;
getDtypeValue() - Method in interface org.tensorflow.framework.GraphTransferGraphOutputNodeInfoOrBuilder
.tensorflow.DataType dtype = 3;
getDtypeValue() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.DataType dtype = 1;
getDtypeValue() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
.tensorflow.DataType dtype = 1;
getDtypeValue() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProtoOrBuilder
.tensorflow.DataType dtype = 1;
getDtypeValue() - Method in class org.tensorflow.framework.TensorDescription.Builder
Data type of tensor elements
getDtypeValue() - Method in class org.tensorflow.framework.TensorDescription
Data type of tensor elements
getDtypeValue() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Data type of tensor elements
getDtypeValue() - Method in class org.tensorflow.framework.TensorInfo.Builder
.tensorflow.DataType dtype = 2;
getDtypeValue() - Method in class org.tensorflow.framework.TensorInfo
.tensorflow.DataType dtype = 2;
getDtypeValue() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
.tensorflow.DataType dtype = 2;
getDtypeValue() - Method in class org.tensorflow.framework.TensorProto.Builder
.tensorflow.DataType dtype = 1;
getDtypeValue() - Method in class org.tensorflow.framework.TensorProto
.tensorflow.DataType dtype = 1;
getDtypeValue() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
.tensorflow.DataType dtype = 1;
getDtypeValue() - Method in class org.tensorflow.util.BundleEntryProto.Builder
The tensor dtype and shape.
getDtypeValue() - Method in class org.tensorflow.util.BundleEntryProto
The tensor dtype and shape.
getDtypeValue() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
The tensor dtype and shape.
getDuration() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
Length of the trace to be taken, in seconds.
getDuration() - Method in class org.tensorflow.distruntime.TraceOpts
Length of the trace to be taken, in seconds.
getDuration() - Method in interface org.tensorflow.distruntime.TraceOptsOrBuilder
Length of the trace to be taken, in seconds.
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
 
getElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
getElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
The type and optional shape of each element of the sequence.
getElemType() - Method in interface onnx.OnnxMlProto3.TypeProto.SequenceOrBuilder
The type and optional shape of each element of the sequence.
getElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemType() - Method in interface onnx.OnnxMlProto3.TypeProto.TensorOrBuilder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemType() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemType() - Method in class onnx.OnnxProto3.TypeProto.Tensor
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemType() - Method in interface onnx.OnnxProto3.TypeProto.TensorOrBuilder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemTypeBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
getElemTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
getElemTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
The type and optional shape of each element of the sequence.
getElemTypeOrBuilder() - Method in interface onnx.OnnxMlProto3.TypeProto.SequenceOrBuilder
The type and optional shape of each element of the sequence.
getElemTypeValue() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemTypeValue() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemTypeValue() - Method in interface onnx.OnnxMlProto3.TypeProto.TensorOrBuilder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemTypeValue() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemTypeValue() - Method in class onnx.OnnxProto3.TypeProto.Tensor
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getElemTypeValue() - Method in interface onnx.OnnxProto3.TypeProto.TensorOrBuilder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
getEnable() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
bool enable = 1;
getEnable() - Method in class org.tensorflow.framework.AutoParallelOptions
bool enable = 1;
getEnable() - Method in interface org.tensorflow.framework.AutoParallelOptionsOrBuilder
bool enable = 1;
getEnableBfloat16Sendrecv() - Method in class org.tensorflow.framework.GraphOptions.Builder
If true, transfer float values between processes as bfloat16.
getEnableBfloat16Sendrecv() - Method in class org.tensorflow.framework.GraphOptions
If true, transfer float values between processes as bfloat16.
getEnableBfloat16Sendrecv() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
If true, transfer float values between processes as bfloat16.
getEnableOp(int) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
getEnableOp(int) - Method in class org.tensorflow.framework.ScopedAllocatorOptions
If present, only perform optimization for these ops.
getEnableOp(int) - Method in interface org.tensorflow.framework.ScopedAllocatorOptionsOrBuilder
If present, only perform optimization for these ops.
getEnableOpBytes(int) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
getEnableOpBytes(int) - Method in class org.tensorflow.framework.ScopedAllocatorOptions
If present, only perform optimization for these ops.
getEnableOpBytes(int) - Method in interface org.tensorflow.framework.ScopedAllocatorOptionsOrBuilder
If present, only perform optimization for these ops.
getEnableOpCount() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
getEnableOpCount() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
If present, only perform optimization for these ops.
getEnableOpCount() - Method in interface org.tensorflow.framework.ScopedAllocatorOptionsOrBuilder
If present, only perform optimization for these ops.
getEnableOpList() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
getEnableOpList() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
If present, only perform optimization for these ops.
getEnableOpList() - Method in interface org.tensorflow.framework.ScopedAllocatorOptionsOrBuilder
If present, only perform optimization for these ops.
getEnableRecvScheduling() - Method in class org.tensorflow.framework.GraphOptions.Builder
If true, use control flow to schedule the activation of Recv nodes.
getEnableRecvScheduling() - Method in class org.tensorflow.framework.GraphOptions
If true, use control flow to schedule the activation of Recv nodes.
getEnableRecvScheduling() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
If true, use control flow to schedule the activation of Recv nodes.
getEnableRpcLogging() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, RPC logging will be enabled.
getEnableRpcLogging() - Method in class org.tensorflow.distruntime.LoggingRequest
If true, RPC logging will be enabled.
getEnableRpcLogging() - Method in interface org.tensorflow.distruntime.LoggingRequestOrBuilder
If true, RPC logging will be enabled.
getEncodedAudioString() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Encoded audio data and its associated RFC 2045 content type (e.g.
getEncodedAudioString() - Method in class org.tensorflow.framework.Summary.Audio
Encoded audio data and its associated RFC 2045 content type (e.g.
getEncodedAudioString() - Method in interface org.tensorflow.framework.Summary.AudioOrBuilder
Encoded audio data and its associated RFC 2045 content type (e.g.
getEncodedImageString() - Method in class org.tensorflow.framework.Summary.Image.Builder
Image data in encoded format.
getEncodedImageString() - Method in class org.tensorflow.framework.Summary.Image
Image data in encoded format.
getEncodedImageString() - Method in interface org.tensorflow.framework.Summary.ImageOrBuilder
Image data in encoded format.
getEncodingCase() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
getEncodingCase() - Method in class org.tensorflow.framework.TensorInfo
 
getEncodingCase() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
 
getEnd() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
int64 end = 2;
getEnd() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
int64 end = 2;
getEnd() - Method in interface onnx.OnnxMlProto3.TensorProto.SegmentOrBuilder
int64 end = 2;
getEnd() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
int64 end = 2;
getEnd() - Method in class onnx.OnnxProto3.TensorProto.Segment
int64 end = 2;
getEnd() - Method in interface onnx.OnnxProto3.TensorProto.SegmentOrBuilder
int64 end = 2;
getEndianness() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
getEndianness() - Method in class org.tensorflow.util.BundleHeaderProto
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
getEndianness() - Method in interface org.tensorflow.util.BundleHeaderProtoOrBuilder
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
getEndiannessValue() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
getEndiannessValue() - Method in class org.tensorflow.util.BundleHeaderProto
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
getEndiannessValue() - Method in interface org.tensorflow.util.BundleHeaderProtoOrBuilder
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
getEndpoint(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpoint(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpoint(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointCount() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointCount() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointCount() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointOrBuilder(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointOrBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointOrBuilderList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEndpointOrBuilderList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
getEnqueueOpName(int) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
getEnqueueOpName(int) - Method in class org.tensorflow.framework.QueueRunnerDef
A list of enqueue operations.
getEnqueueOpName(int) - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of enqueue operations.
getEnqueueOpNameBytes(int) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
getEnqueueOpNameBytes(int) - Method in class org.tensorflow.framework.QueueRunnerDef
A list of enqueue operations.
getEnqueueOpNameBytes(int) - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of enqueue operations.
getEnqueueOpNameCount() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
getEnqueueOpNameCount() - Method in class org.tensorflow.framework.QueueRunnerDef
A list of enqueue operations.
getEnqueueOpNameCount() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of enqueue operations.
getEnqueueOpNameList() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
getEnqueueOpNameList() - Method in class org.tensorflow.framework.QueueRunnerDef
A list of enqueue operations.
getEnqueueOpNameList() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of enqueue operations.
getEntry(int, int) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
Get entry i,j in the matrix
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()
getEnvironment() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Deprecated.
getEnvironment() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Deprecated.
getEnvironment() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Deprecated.
getEnvironmentCount() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
getEnvironmentCount() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
getEnvironmentCount() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Version of the tools and libraries used with this device (e.g.
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
getEnvironmentMap() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Version of the tools and libraries used with this device (e.g.
getEnvironmentMap() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Version of the tools and libraries used with this device (e.g.
getEnvironmentMap() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Version of the tools and libraries used with this device (e.g.
getEnvironmentOrDefault(String, String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Version of the tools and libraries used with this device (e.g.
getEnvironmentOrDefault(String, String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Version of the tools and libraries used with this device (e.g.
getEnvironmentOrDefault(String, String) - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Version of the tools and libraries used with this device (e.g.
getEnvironmentOrThrow(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Version of the tools and libraries used with this device (e.g.
getEnvironmentOrThrow(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Version of the tools and libraries used with this device (e.g.
getEnvironmentOrThrow(String) - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Version of the tools and libraries used with this device (e.g.
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
 
getExclusiveResourceAccess() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Whether this operation requires exclusive access to its resources, (i.e., no other CriticalSections may request the same resources).
getExclusiveResourceAccess() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
Whether this operation requires exclusive access to its resources, (i.e., no other CriticalSections may request the same resources).
getExclusiveResourceAccess() - Method in interface org.tensorflow.framework.CriticalSectionExecutionDefOrBuilder
Whether this operation requires exclusive access to its resources, (i.e., no other CriticalSections may request the same resources).
getExecOpts() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
getExecOpts() - Method in class org.tensorflow.distruntime.RunGraphRequest
Options for this step.
getExecOpts() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Options for this step.
getExecOptsBuilder() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
getExecOptsOrBuilder() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
getExecOptsOrBuilder() - Method in class org.tensorflow.distruntime.RunGraphRequest
Options for this step.
getExecOptsOrBuilder() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Options for this step.
getExecuteInCriticalSectionName() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Name of the critical section handle.
getExecuteInCriticalSectionName() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
Name of the critical section handle.
getExecuteInCriticalSectionName() - Method in interface org.tensorflow.framework.CriticalSectionExecutionDefOrBuilder
Name of the critical section handle.
getExecuteInCriticalSectionNameBytes() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Name of the critical section handle.
getExecuteInCriticalSectionNameBytes() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
Name of the critical section handle.
getExecuteInCriticalSectionNameBytes() - Method in interface org.tensorflow.framework.CriticalSectionExecutionDefOrBuilder
Name of the critical section handle.
getExecutioner() - Static method in class org.nd4j.linalg.factory.Nd4j
Get the operation executioner instance
getExecutionerType() - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
This method returns Type of this executioner
getExecutionerType() - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
This method returns Type of this executioner
getExecutorName() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Executor's name
getExecutorName() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Executor's name
getExecutorName() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Executor's name
getExecutorNameBytes() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Executor's name
getExecutorNameBytes() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Executor's name
getExecutorNameBytes() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Executor's name
getExecutorService() - Static method in class org.nd4j.linalg.executors.ExecutorServiceProvider
 
getExperimental() - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
getExperimental() - Method in class org.tensorflow.framework.ConfigProto
.tensorflow.ConfigProto.Experimental experimental = 16;
getExperimental() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
.tensorflow.ConfigProto.Experimental experimental = 16;
getExperimental() - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
getExperimental() - Method in class org.tensorflow.framework.GPUOptions
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
getExperimental() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
getExperimental() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
getExperimental() - Method in class org.tensorflow.framework.RunOptions
.tensorflow.RunOptions.Experimental experimental = 8;
getExperimental() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
.tensorflow.RunOptions.Experimental experimental = 8;
getExperimentalBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
getExperimentalBuilder() - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
getExperimentalBuilder() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
getExperimentalOrBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
getExperimentalOrBuilder() - Method in class org.tensorflow.framework.ConfigProto
.tensorflow.ConfigProto.Experimental experimental = 16;
getExperimentalOrBuilder() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
.tensorflow.ConfigProto.Experimental experimental = 16;
getExperimentalOrBuilder() - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
getExperimentalOrBuilder() - Method in class org.tensorflow.framework.GPUOptions
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
getExperimentalOrBuilder() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
getExperimentalOrBuilder() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
getExperimentalOrBuilder() - Method in class org.tensorflow.framework.RunOptions
.tensorflow.RunOptions.Experimental experimental = 8;
getExperimentalOrBuilder() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
.tensorflow.RunOptions.Experimental experimental = 8;
getExplanation() - Method in class org.tensorflow.framework.OpDeprecation.Builder
Explanation of why it was deprecated and what to use instead.
getExplanation() - Method in class org.tensorflow.framework.OpDeprecation
Explanation of why it was deprecated and what to use instead.
getExplanation() - Method in interface org.tensorflow.framework.OpDeprecationOrBuilder
Explanation of why it was deprecated and what to use instead.
getExplanationBytes() - Method in class org.tensorflow.framework.OpDeprecation.Builder
Explanation of why it was deprecated and what to use instead.
getExplanationBytes() - Method in class org.tensorflow.framework.OpDeprecation
Explanation of why it was deprecated and what to use instead.
getExplanationBytes() - Method in interface org.tensorflow.framework.OpDeprecationOrBuilder
Explanation of why it was deprecated and what to use instead.
getExtent(int) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
getExtent(int) - Method in class org.tensorflow.framework.TensorSliceProto
Extent of the slice in all tensor dimensions.
getExtent(int) - Method in interface org.tensorflow.framework.TensorSliceProtoOrBuilder
Extent of the slice in all tensor dimensions.
getExtentBuilder(int) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
getExtentBuilderList() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
getExtentCount() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
getExtentCount() - Method in class org.tensorflow.framework.TensorSliceProto
Extent of the slice in all tensor dimensions.
getExtentCount() - Method in interface org.tensorflow.framework.TensorSliceProtoOrBuilder
Extent of the slice in all tensor dimensions.
getExtentList() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
getExtentList() - Method in class org.tensorflow.framework.TensorSliceProto
Extent of the slice in all tensor dimensions.
getExtentList() - Method in interface org.tensorflow.framework.TensorSliceProtoOrBuilder
Extent of the slice in all tensor dimensions.
getExtentOrBuilder(int) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
getExtentOrBuilder(int) - Method in class org.tensorflow.framework.TensorSliceProto
Extent of the slice in all tensor dimensions.
getExtentOrBuilder(int) - Method in interface org.tensorflow.framework.TensorSliceProtoOrBuilder
Extent of the slice in all tensor dimensions.
getExtentOrBuilderList() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
getExtentOrBuilderList() - Method in class org.tensorflow.framework.TensorSliceProto
Extent of the slice in all tensor dimensions.
getExtentOrBuilderList() - Method in interface org.tensorflow.framework.TensorSliceProtoOrBuilder
Extent of the slice in all tensor dimensions.
getExternalValues() - Method in class org.tensorflow.framework.ValuesDef.Builder
Deprecated.
getExternalValues() - Method in class org.tensorflow.framework.ValuesDef
Deprecated.
getExternalValues() - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Deprecated.
getExternalValuesCount() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
getExternalValuesCount() - Method in class org.tensorflow.framework.ValuesDef
 
getExternalValuesCount() - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names referenced by but external to this context.
getExternalValuesMap() - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names referenced by but external to this context.
getExternalValuesMap() - Method in class org.tensorflow.framework.ValuesDef
Value names referenced by but external to this context.
getExternalValuesMap() - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names referenced by but external to this context.
getExternalValuesOrDefault(String, String) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names referenced by but external to this context.
getExternalValuesOrDefault(String, String) - Method in class org.tensorflow.framework.ValuesDef
Value names referenced by but external to this context.
getExternalValuesOrDefault(String, String) - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names referenced by but external to this context.
getExternalValuesOrThrow(String) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names referenced by but external to this context.
getExternalValuesOrThrow(String) - Method in class org.tensorflow.framework.ValuesDef
Value names referenced by but external to this context.
getExternalValuesOrThrow(String) - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names referenced by but external to this context.
getExtraArgs() - Method in class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
getF() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
Exactly ONE of the following fields must be present for this version of the IR
getF() - Method in class onnx.OnnxMlProto3.AttributeProto
Exactly ONE of the following fields must be present for this version of the IR
getF() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
Exactly ONE of the following fields must be present for this version of the IR
getF() - Method in class onnx.OnnxProto3.AttributeProto.Builder
Exactly ONE of the following fields must be present for this version of the IR
getF() - Method in class onnx.OnnxProto3.AttributeProto
Exactly ONE of the following fields must be present for this version of the IR
getF() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
Exactly ONE of the following fields must be present for this version of the IR
getF() - Method in class org.tensorflow.framework.AttrValue.Builder
"float"
getF() - Method in class org.tensorflow.framework.AttrValue
"float"
getF(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(float)"
getF(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(float)"
getF(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(float)"
getF() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"float"
getFalseBody() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getFalseBodyExecution() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getFalseBodyName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getFalsePositiveRate(int) - Method in class org.nd4j.evaluation.curves.RocCurve
 
getFCount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(float)"
getFCount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(float)"
getFCount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(float)"
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
 
getFeed(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
getFeed(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Tensors to be fed in future steps.
getFeed(int) - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Tensors to be fed in future steps.
getFeed(int) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeed(int) - Method in class org.tensorflow.distruntime.RunCallableRequest
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeed(int) - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeed(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
getFeed(int) - Method in class org.tensorflow.distruntime.RunStepRequest
Tensors to be fed in the step.
getFeed(int) - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Tensors to be fed in the step.
getFeed(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
getFeed(int) - Method in class org.tensorflow.framework.CallableOptions
Tensors to be fed in the callable.
getFeed(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be fed in the callable.
getFeedBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedBuilder(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
getFeedBuilderList() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedBuilderList() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
getFeedBytes(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
getFeedBytes(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Tensors to be fed in future steps.
getFeedBytes(int) - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Tensors to be fed in future steps.
getFeedBytes(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
getFeedBytes(int) - Method in class org.tensorflow.framework.CallableOptions
Tensors to be fed in the callable.
getFeedBytes(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be fed in the callable.
getFeedCount() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
getFeedCount() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Tensors to be fed in future steps.
getFeedCount() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Tensors to be fed in future steps.
getFeedCount() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedCount() - Method in class org.tensorflow.distruntime.RunCallableRequest
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedCount() - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedCount() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
getFeedCount() - Method in class org.tensorflow.distruntime.RunStepRequest
Tensors to be fed in the step.
getFeedCount() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Tensors to be fed in the step.
getFeedCount() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
getFeedCount() - Method in class org.tensorflow.framework.CallableOptions
Tensors to be fed in the callable.
getFeedCount() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be fed in the callable.
getFeedList() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
getFeedList() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Tensors to be fed in future steps.
getFeedList() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Tensors to be fed in future steps.
getFeedList() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedList() - Method in class org.tensorflow.distruntime.RunCallableRequest
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedList() - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedList() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
getFeedList() - Method in class org.tensorflow.distruntime.RunStepRequest
Tensors to be fed in the step.
getFeedList() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Tensors to be fed in the step.
getFeedList() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
getFeedList() - Method in class org.tensorflow.framework.CallableOptions
Tensors to be fed in the callable.
getFeedList() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be fed in the callable.
getFeedOrBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedOrBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableRequest
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedOrBuilder(int) - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedOrBuilder(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
getFeedOrBuilder(int) - Method in class org.tensorflow.distruntime.RunStepRequest
Tensors to be fed in the step.
getFeedOrBuilder(int) - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Tensors to be fed in the step.
getFeedOrBuilderList() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedOrBuilderList() - Method in class org.tensorflow.distruntime.RunCallableRequest
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedOrBuilderList() - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
getFeedOrBuilderList() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
getFeedOrBuilderList() - Method in class org.tensorflow.distruntime.RunStepRequest
Tensors to be fed in the step.
getFeedOrBuilderList() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Tensors to be fed in the step.
getFetch(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
getFetch(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Fetches.
getFetch(int) - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Fetches.
getFetch(int) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetch(int) - Method in class org.tensorflow.distruntime.RunCallableResponse
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetch(int) - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetch(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
getFetch(int) - Method in class org.tensorflow.distruntime.RunStepRequest
Fetches.
getFetch(int) - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Fetches.
getFetch(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
getFetch(int) - Method in class org.tensorflow.framework.CallableOptions
Fetches.
getFetch(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Fetches.
getFetchBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchBuilderList() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchBytes(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
getFetchBytes(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Fetches.
getFetchBytes(int) - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Fetches.
getFetchBytes(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
getFetchBytes(int) - Method in class org.tensorflow.distruntime.RunStepRequest
Fetches.
getFetchBytes(int) - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Fetches.
getFetchBytes(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
getFetchBytes(int) - Method in class org.tensorflow.framework.CallableOptions
Fetches.
getFetchBytes(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Fetches.
getFetchCount() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
getFetchCount() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Fetches.
getFetchCount() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Fetches.
getFetchCount() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchCount() - Method in class org.tensorflow.distruntime.RunCallableResponse
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchCount() - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchCount() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
getFetchCount() - Method in class org.tensorflow.distruntime.RunStepRequest
Fetches.
getFetchCount() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Fetches.
getFetchCount() - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
getFetchCount() - Method in class org.tensorflow.framework.CallableOptions
Fetches.
getFetchCount() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Fetches.
getFetchList() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
getFetchList() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Fetches.
getFetchList() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Fetches.
getFetchList() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchList() - Method in class org.tensorflow.distruntime.RunCallableResponse
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchList() - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchList() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
getFetchList() - Method in class org.tensorflow.distruntime.RunStepRequest
Fetches.
getFetchList() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Fetches.
getFetchList() - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
getFetchList() - Method in class org.tensorflow.framework.CallableOptions
Fetches.
getFetchList() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Fetches.
getFetchOrBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchOrBuilder(int) - Method in class org.tensorflow.distruntime.RunCallableResponse
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchOrBuilder(int) - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchOrBuilderList() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchOrBuilderList() - Method in class org.tensorflow.distruntime.RunCallableResponse
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchOrBuilderList() - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
getFetchStepId(int) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
When set, requests all saved log data pertaining to the step.
getFetchStepId(int) - Method in class org.tensorflow.distruntime.LoggingRequest
When set, requests all saved log data pertaining to the step.
getFetchStepId(int) - Method in interface org.tensorflow.distruntime.LoggingRequestOrBuilder
When set, requests all saved log data pertaining to the step.
getFetchStepIdCount() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
When set, requests all saved log data pertaining to the step.
getFetchStepIdCount() - Method in class org.tensorflow.distruntime.LoggingRequest
When set, requests all saved log data pertaining to the step.
getFetchStepIdCount() - Method in interface org.tensorflow.distruntime.LoggingRequestOrBuilder
When set, requests all saved log data pertaining to the step.
getFetchStepIdList() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
When set, requests all saved log data pertaining to the step.
getFetchStepIdList() - Method in class org.tensorflow.distruntime.LoggingRequest
When set, requests all saved log data pertaining to the step.
getFetchStepIdList() - Method in interface org.tensorflow.distruntime.LoggingRequestOrBuilder
When set, requests all saved log data pertaining to the step.
getFieldsForFunction(DifferentialFunction) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
Get the fields for a given DifferentialFunction
getFilename() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The filename within an assets directory.
getFilename() - Method in class org.tensorflow.framework.AssetFileDef
The filename within an assets directory.
getFilename() - Method in interface org.tensorflow.framework.AssetFileDefOrBuilder
The filename within an assets directory.
getFilenameBytes() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The filename within an assets directory.
getFilenameBytes() - Method in class org.tensorflow.framework.AssetFileDef
The filename within an assets directory.
getFilenameBytes() - Method in interface org.tensorflow.framework.AssetFileDefOrBuilder
The filename within an assets directory.
getFilenameTensorName() - Method in class org.tensorflow.util.SaverDef.Builder
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
getFilenameTensorName() - Method in class org.tensorflow.util.SaverDef
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
getFilenameTensorName() - Method in interface org.tensorflow.util.SaverDefOrBuilder
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
getFilenameTensorNameBytes() - Method in class org.tensorflow.util.SaverDef.Builder
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
getFilenameTensorNameBytes() - Method in class org.tensorflow.util.SaverDef
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
getFilenameTensorNameBytes() - Method in interface org.tensorflow.util.SaverDefOrBuilder
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
getFilePath() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Path to the source code file.
getFilePath() - Method in class org.tensorflow.framework.DebuggedSourceFile
Path to the source code file.
getFilePath() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
Path to the source code file.
getFilePathBytes() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Path to the source code file.
getFilePathBytes() - Method in class org.tensorflow.framework.DebuggedSourceFile
Path to the source code file.
getFilePathBytes() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
Path to the source code file.
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.BaseOp
 
getFinalResult() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
getFinalResult() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
 
getFinalResult() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
 
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
 
getFlatConfiguration(FlatBufferBuilder) - Method in class org.nd4j.autodiff.execution.conf.ExecutorConfiguration
This method
getFlatOpType(Op.Type) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
This method converts an Op.Type to it's corresponding byte value
getFList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(float)"
getFList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(float)"
getFList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(float)"
getFloat(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the elements at the specified indices
getFloat(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getFloat(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getFloat(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getFloat(long[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getFloat(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getFloat(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getFloat(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getFloat(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getFloat(long[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getFloat(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getFloat(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getFloat(int[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the elements at the specified indices
getFloat(long[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getFloat(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the item at the linear index i
getFloat(long, long) - 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(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatData(int) - Method in class onnx.OnnxMlProto3.TensorProto
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatData(int) - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatData(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatData(int) - Method in class onnx.OnnxProto3.TensorProto
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatData(int) - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
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.
getFloatDataCount() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataCount() - Method in class onnx.OnnxMlProto3.TensorProto
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataCount() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataCount() - Method in class onnx.OnnxProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataCount() - Method in class onnx.OnnxProto3.TensorProto
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataCount() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataList() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataList() - Method in class onnx.OnnxMlProto3.TensorProto
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataList() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataList() - Method in class onnx.OnnxProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataList() - Method in class onnx.OnnxProto3.TensorProto
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatDataList() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
getFloatList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
getFloatList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.FloatList float_list = 4;
getFloatList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.FloatList float_list = 4;
getFloatListBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
getFloatListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
getFloatListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.FloatList float_list = 4;
getFloatListOrBuilder() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.FloatList float_list = 4;
getFloats(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of floats
getFloats(int) - Method in class onnx.OnnxMlProto3.AttributeProto
list of floats
getFloats(int) - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of floats
getFloats(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of floats
getFloats(int) - Method in class onnx.OnnxProto3.AttributeProto
list of floats
getFloats(int) - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of floats
getFloatsCount() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of floats
getFloatsCount() - Method in class onnx.OnnxMlProto3.AttributeProto
list of floats
getFloatsCount() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of floats
getFloatsCount() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of floats
getFloatsCount() - Method in class onnx.OnnxProto3.AttributeProto
list of floats
getFloatsCount() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of floats
getFloatsList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of floats
getFloatsList() - Method in class onnx.OnnxMlProto3.AttributeProto
list of floats
getFloatsList() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of floats
getFloatsList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of floats
getFloatsList() - Method in class onnx.OnnxProto3.AttributeProto
list of floats
getFloatsList() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of floats
getFloatVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_FLOAT.
getFloatVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_FLOAT.
getFloatVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_FLOAT.
getFloatValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_FLOAT.
getFloatValCount() - Method in class org.tensorflow.framework.TensorProto
DT_FLOAT.
getFloatValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_FLOAT.
getFloatValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_FLOAT.
getFloatValList() - Method in class org.tensorflow.framework.TensorProto
DT_FLOAT.
getFloatValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_FLOAT.
getForceGpuCompatible() - Method in class org.tensorflow.framework.GPUOptions.Builder
Force all tensors to be gpu_compatible.
getForceGpuCompatible() - Method in class org.tensorflow.framework.GPUOptions
Force all tensors to be gpu_compatible.
getForceGpuCompatible() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
Force all tensors to be gpu_compatible.
getForkJoinPool() - Static method in class org.nd4j.linalg.executors.ExecutorServiceProvider
 
getFormat() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getFormat() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getFormat() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
getFormat() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the sparse format (i.e COO, CSR, ...)
getFormat() - Method in interface org.nd4j.linalg.api.ndarray.ISparseNDArray
Return the sparse format (i.e COO, CSR, ...)
getFrameName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
getFrequency() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Core Frequency in Mhz
getFrequency() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Core Frequency in Mhz
getFrequency() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Core Frequency in Mhz
getFromTensor() - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
getFromTensor() - Method in class org.tensorflow.framework.TensorConnection
A tensor name.
getFromTensor() - Method in interface org.tensorflow.framework.TensorConnectionOrBuilder
A tensor name.
getFromTensorBytes() - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
getFromTensorBytes() - Method in class org.tensorflow.framework.TensorConnection
A tensor name.
getFromTensorBytes() - Method in interface org.tensorflow.framework.TensorConnectionOrBuilder
A tensor name.
getFullName() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Name of the full variable of which this is a slice.
getFullName() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Name of the full variable of which this is a slice.
getFullName() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Name of the full variable of which this is a slice.
getFullName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The full name of the variable/tensor, if applicable.
getFullName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
The full name of the variable/tensor, if applicable.
getFullName() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensorOrBuilder
The full name of the variable/tensor, if applicable.
getFullNameBytes() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Name of the full variable of which this is a slice.
getFullNameBytes() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Name of the full variable of which this is a slice.
getFullNameBytes() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Name of the full variable of which this is a slice.
getFullNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The full name of the variable/tensor, if applicable.
getFullNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
The full name of the variable/tensor, if applicable.
getFullNameBytes() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensorOrBuilder
The full name of the variable/tensor, if applicable.
getFullShape(int) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of the full variable.
getFullShape(int) - Method in class org.tensorflow.framework.SaveSliceInfoDef
Shape of the full variable.
getFullShape(int) - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Shape of the full variable.
getFullShapeCount() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of the full variable.
getFullShapeCount() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Shape of the full variable.
getFullShapeCount() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Shape of the full variable.
getFullShapeList() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of the full variable.
getFullShapeList() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Shape of the full variable.
getFullShapeList() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Shape of the full variable.
getFunc() - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
getFunc() - Method in class org.tensorflow.framework.AttrValue
"func" represents a function.
getFunc(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
getFunc(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(attr)"
getFunc(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(attr)"
getFunc() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"func" represents a function.
getFuncBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
getFuncBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
getFuncBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
getFuncCount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
getFuncCount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(attr)"
getFuncCount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(attr)"
getFuncList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
getFuncList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(attr)"
getFuncList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(attr)"
getFuncOrBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
getFuncOrBuilder() - Method in class org.tensorflow.framework.AttrValue
"func" represents a function.
getFuncOrBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
getFuncOrBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(attr)"
getFuncOrBuilder(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(attr)"
getFuncOrBuilder() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"func" represents a function.
getFuncOrBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
getFuncOrBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(attr)"
getFuncOrBuilderList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(attr)"
getFunction(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get a SameDiff function instance given the name of the function
getFunction(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
getFunction(int) - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.FunctionDef function = 1;
getFunction(int) - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.FunctionDef function = 1;
getFunctionBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
getFunctionBuilderList() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
getFunctionById(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the function by the DifferentialFunction#getOwnName()
getFunctionCount() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
getFunctionCount() - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.FunctionDef function = 1;
getFunctionCount() - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.FunctionDef function = 1;
getFunctionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
getFunctionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
.tensorflow.FunctionDef function_def = 2;
getFunctionDef() - Method in interface tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequestOrBuilder
.tensorflow.FunctionDef function_def = 2;
getFunctionDefBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
getFunctionDefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
getFunctionDefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
.tensorflow.FunctionDef function_def = 2;
getFunctionDefOrBuilder() - Method in interface tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequestOrBuilder
.tensorflow.FunctionDef function_def = 2;
getFunctionList() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
getFunctionList() - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.FunctionDef function = 1;
getFunctionList() - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.FunctionDef function = 1;
getFunctionName() - Method in class org.tensorflow.framework.GradientDef.Builder
The function name.
getFunctionName() - Method in class org.tensorflow.framework.GradientDef
The function name.
getFunctionName() - Method in interface org.tensorflow.framework.GradientDefOrBuilder
The function name.
getFunctionNameBytes() - Method in class org.tensorflow.framework.GradientDef.Builder
The function name.
getFunctionNameBytes() - Method in class org.tensorflow.framework.GradientDef
The function name.
getFunctionNameBytes() - Method in interface org.tensorflow.framework.GradientDefOrBuilder
The function name.
getFunctionOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Function optimizations (default is ON).
getFunctionOptimization() - Method in class org.tensorflow.framework.RewriterConfig
Function optimizations (default is ON).
getFunctionOptimization() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Function optimizations (default is ON).
getFunctionOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Function optimizations (default is ON).
getFunctionOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig
Function optimizations (default is ON).
getFunctionOptimizationValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Function optimizations (default is ON).
getFunctionOrBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
getFunctionOrBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.FunctionDef function = 1;
getFunctionOrBuilder(int) - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.FunctionDef function = 1;
getFunctionOrBuilderList() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
getFunctionOrBuilderList() - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.FunctionDef function = 1;
getFunctionOrBuilderList() - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.FunctionDef function = 1;
getG() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
getG() - Method in class onnx.OnnxMlProto3.AttributeProto
graph
getG() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
graph
getG() - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
getG() - Method in class onnx.OnnxProto3.AttributeProto
graph
getG() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
graph
getGBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
getGBuilder() - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
getGenerationId() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
getGenerationId() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
getGlobalJitLevel() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
getGlobalJitLevel() - Method in class org.tensorflow.framework.OptimizerOptions
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
getGlobalJitLevel() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
getGlobalJitLevelValue() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
getGlobalJitLevelValue() - Method in class org.tensorflow.framework.OptimizerOptions
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
getGlobalJitLevelValue() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
getGlobalName() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The global name of the threadpool.
getGlobalName() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
The global name of the threadpool.
getGlobalName() - Method in interface org.tensorflow.framework.ThreadPoolOptionProtoOrBuilder
The global name of the threadpool.
getGlobalNameBytes() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The global name of the threadpool.
getGlobalNameBytes() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
The global name of the threadpool.
getGlobalNameBytes() - Method in interface org.tensorflow.framework.ThreadPoolOptionProtoOrBuilder
The global name of the threadpool.
getGlobalStep() - Method in class org.tensorflow.framework.DebugOptions.Builder
Caller-specified global step count.
getGlobalStep() - Method in class org.tensorflow.framework.DebugOptions
Caller-specified global step count.
getGlobalStep() - Method in interface org.tensorflow.framework.DebugOptionsOrBuilder
Caller-specified global step count.
getGOrBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
getGOrBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto
graph
getGOrBuilder() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
graph
getGOrBuilder() - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
getGOrBuilder() - Method in class onnx.OnnxProto3.AttributeProto
graph
getGOrBuilder() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
graph
getGpuOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
getGpuOptions() - Method in class org.tensorflow.framework.ConfigProto
Options that apply to all GPUs.
getGpuOptions() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply to all GPUs.
getGpuOptionsBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
getGpuOptionsOrBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
getGpuOptionsOrBuilder() - Method in class org.tensorflow.framework.ConfigProto
Options that apply to all GPUs.
getGpuOptionsOrBuilder() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply to all GPUs.
getGradForVariable(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the gradient for the variable with the specified name.
The gradient variable is the variable that represents the derivative of the loss function with respect to the output of this variable.
getGradient() - Method in class org.nd4j.autodiff.samediff.SDVariable
The gradient variable is the variable that represents the derivative of the loss function with respect to the output of this variable.
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
 
getGradient(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
getGradient(int) - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.GradientDef gradient = 2;
getGradient(int) - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.GradientDef gradient = 2;
getGradientBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
getGradientBuilderList() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
getGradientCount() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
getGradientCount() - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.GradientDef gradient = 2;
getGradientCount() - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.GradientDef gradient = 2;
getGradientFunc() - Method in class org.tensorflow.framework.GradientDef.Builder
The gradient function's name.
getGradientFunc() - Method in class org.tensorflow.framework.GradientDef
The gradient function's name.
getGradientFunc() - Method in interface org.tensorflow.framework.GradientDefOrBuilder
The gradient function's name.
getGradientFuncBytes() - Method in class org.tensorflow.framework.GradientDef.Builder
The gradient function's name.
getGradientFuncBytes() - Method in class org.tensorflow.framework.GradientDef
The gradient function's name.
getGradientFuncBytes() - Method in interface org.tensorflow.framework.GradientDefOrBuilder
The gradient function's name.
getGradientList() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
getGradientList() - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.GradientDef gradient = 2;
getGradientList() - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.GradientDef gradient = 2;
getGradientOrBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
getGradientOrBuilder(int) - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.GradientDef gradient = 2;
getGradientOrBuilder(int) - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.GradientDef gradient = 2;
getGradientOrBuilderList() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
getGradientOrBuilderList() - Method in class org.tensorflow.framework.FunctionDefLibrary
repeated .tensorflow.GradientDef gradient = 2;
getGradientOrBuilderList() - Method in interface org.tensorflow.framework.FunctionDefLibraryOrBuilder
repeated .tensorflow.GradientDef gradient = 2;
getGradientViewArray() - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
getGradientViewArray() - Method in interface org.nd4j.linalg.activations.IActivation
 
getGraph() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
getGraph() - Method in class onnx.OnnxMlProto3.ModelProto
The parameterized graph that is evaluated to execute the model.
getGraph() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The parameterized graph that is evaluated to execute the model.
getGraph() - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
getGraph() - Method in class onnx.OnnxProto3.ModelProto
The parameterized graph that is evaluated to execute the model.
getGraph() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The parameterized graph that is evaluated to execute the model.
getGraphBuilder() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
getGraphBuilder() - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
getGraphDef() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
getGraphDef() - Method in class org.tensorflow.distruntime.CreateSessionRequest
The initial graph definition.
getGraphDef() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
The initial graph definition.
getGraphDef() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
getGraphDef() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
REQUIRED: The nodes to be added to the session's graph.
getGraphDef() - Method in interface org.tensorflow.distruntime.ExtendSessionRequestOrBuilder
REQUIRED: The nodes to be added to the session's graph.
getGraphDef() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
getGraphDef() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
getGraphDef() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
getGraphDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
getGraphDef() - Method in class org.tensorflow.framework.MetaGraphDef
GraphDef.
getGraphDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
GraphDef.
getGraphDefBuilder() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
getGraphDefBuilder() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
getGraphDefBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
getGraphDefBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
getGraphDefOrBuilder() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
getGraphDefOrBuilder() - Method in class org.tensorflow.distruntime.CreateSessionRequest
The initial graph definition.
getGraphDefOrBuilder() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
The initial graph definition.
getGraphDefOrBuilder() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
getGraphDefOrBuilder() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
REQUIRED: The nodes to be added to the session's graph.
getGraphDefOrBuilder() - Method in interface org.tensorflow.distruntime.ExtendSessionRequestOrBuilder
REQUIRED: The nodes to be added to the session's graph.
getGraphDefOrBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
getGraphDefOrBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
getGraphDefOrBuilder() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
getGraphDefOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
getGraphDefOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef
GraphDef.
getGraphDefOrBuilder() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
GraphDef.
getGraphHandle() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandle() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandle() - Method in interface org.tensorflow.distruntime.DeregisterGraphRequestOrBuilder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandle() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
If the registration succeeds, returns an opaque graph_handle to the master.
getGraphHandle() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
If the registration succeeds, returns an opaque graph_handle to the master.
getGraphHandle() - Method in interface org.tensorflow.distruntime.RegisterGraphResponseOrBuilder
If the registration succeeds, returns an opaque graph_handle to the master.
getGraphHandle() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandle() - Method in class org.tensorflow.distruntime.RunGraphRequest
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandle() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandleBytes() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandleBytes() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandleBytes() - Method in interface org.tensorflow.distruntime.DeregisterGraphRequestOrBuilder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandleBytes() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
If the registration succeeds, returns an opaque graph_handle to the master.
getGraphHandleBytes() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
If the registration succeeds, returns an opaque graph_handle to the master.
getGraphHandleBytes() - Method in interface org.tensorflow.distruntime.RegisterGraphResponseOrBuilder
If the registration succeeds, returns an opaque graph_handle to the master.
getGraphHandleBytes() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandleBytes() - Method in class org.tensorflow.distruntime.RunGraphRequest
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphHandleBytes() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
getGraphInputNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
getGraphInputNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo
Input Node parameters of transferred graph
getGraphInputNodeInfo(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
Input Node parameters of transferred graph
getGraphInputNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
getGraphInputNodeInfoBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
getGraphInputNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
getGraphInputNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo
Input Node parameters of transferred graph
getGraphInputNodeInfoCount() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
Input Node parameters of transferred graph
getGraphInputNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
getGraphInputNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo
Input Node parameters of transferred graph
getGraphInputNodeInfoList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
Input Node parameters of transferred graph
getGraphInputNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
getGraphInputNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo
Input Node parameters of transferred graph
getGraphInputNodeInfoOrBuilder(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
Input Node parameters of transferred graph
getGraphInputNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
getGraphInputNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo
Input Node parameters of transferred graph
getGraphInputNodeInfoOrBuilderList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
Input Node parameters of transferred graph
getGraphInputNodeName(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
getGraphInputNodeName(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph input node name
getGraphInputNodeName(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph input node name
getGraphInputNodeNameBytes(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
getGraphInputNodeNameBytes(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph input node name
getGraphInputNodeNameBytes(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph input node name
getGraphInputNodeNameCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
getGraphInputNodeNameCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph input node name
getGraphInputNodeNameCount() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph input node name
getGraphInputNodeNameList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
getGraphInputNodeNameList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph input node name
getGraphInputNodeNameList() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph input node name
getGraphKey(int) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
repeated int64 graph_key = 1;
getGraphKey(int) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
repeated int64 graph_key = 1;
getGraphKey(int) - Method in interface org.tensorflow.distruntime.GetStepSequenceRequestOrBuilder
repeated int64 graph_key = 1;
getGraphKey() - Method in class org.tensorflow.distruntime.StepSequence.Builder
int64 graph_key = 1;
getGraphKey() - Method in class org.tensorflow.distruntime.StepSequence
int64 graph_key = 1;
getGraphKey() - Method in interface org.tensorflow.distruntime.StepSequenceOrBuilder
int64 graph_key = 1;
getGraphKeyCount() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
repeated int64 graph_key = 1;
getGraphKeyCount() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
repeated int64 graph_key = 1;
getGraphKeyCount() - Method in interface org.tensorflow.distruntime.GetStepSequenceRequestOrBuilder
repeated int64 graph_key = 1;
getGraphKeyList() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
repeated int64 graph_key = 1;
getGraphKeyList() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
repeated int64 graph_key = 1;
getGraphKeyList() - Method in interface org.tensorflow.distruntime.GetStepSequenceRequestOrBuilder
repeated int64 graph_key = 1;
getGraphOpName() - Method in class org.tensorflow.framework.ApiDef.Builder
Name of the op (in the OpDef) to specify the API for.
getGraphOpName() - Method in class org.tensorflow.framework.ApiDef
Name of the op (in the OpDef) to specify the API for.
getGraphOpName() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
Name of the op (in the OpDef) to specify the API for.
getGraphOpNameBytes() - Method in class org.tensorflow.framework.ApiDef.Builder
Name of the op (in the OpDef) to specify the API for.
getGraphOpNameBytes() - Method in class org.tensorflow.framework.ApiDef
Name of the op (in the OpDef) to specify the API for.
getGraphOpNameBytes() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
Name of the op (in the OpDef) to specify the API for.
getGraphOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
getGraphOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Configuration options for the session in which this graph was created.
getGraphOptions() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Configuration options for the session in which this graph was created.
getGraphOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
getGraphOptions() - Method in class org.tensorflow.framework.ConfigProto
Options that apply to all graphs.
getGraphOptions() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply to all graphs.
getGraphOptionsBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
getGraphOptionsBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
getGraphOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
getGraphOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Configuration options for the session in which this graph was created.
getGraphOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Configuration options for the session in which this graph was created.
getGraphOptionsOrBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
getGraphOptionsOrBuilder() - Method in class org.tensorflow.framework.ConfigProto
Options that apply to all graphs.
getGraphOptionsOrBuilder() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply to all graphs.
getGraphOrBuilder() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
getGraphOrBuilder() - Method in class onnx.OnnxMlProto3.ModelProto
The parameterized graph that is evaluated to execute the model.
getGraphOrBuilder() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The parameterized graph that is evaluated to execute the model.
getGraphOrBuilder() - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
getGraphOrBuilder() - Method in class onnx.OnnxProto3.ModelProto
The parameterized graph that is evaluated to execute the model.
getGraphOrBuilder() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The parameterized graph that is evaluated to execute the model.
getGraphOutputNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfo(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoCount() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoOrBuilder(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeInfoOrBuilderList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
getGraphOutputNodeName(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
getGraphOutputNodeName(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph output node name
getGraphOutputNodeName(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph output node name
getGraphOutputNodeNameBytes(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
getGraphOutputNodeNameBytes(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph output node name
getGraphOutputNodeNameBytes(int) - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph output node name
getGraphOutputNodeNameCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
getGraphOutputNodeNameCount() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph output node name
getGraphOutputNodeNameCount() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph output node name
getGraphOutputNodeNameList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
getGraphOutputNodeNameList() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Remote fused graph output node name
getGraphOutputNodeNameList() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Remote fused graph output node name
getGraphs(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
getGraphs(int) - Method in class onnx.OnnxMlProto3.AttributeProto
list of graph
getGraphs(int) - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of graph
getGraphs(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
getGraphs(int) - Method in class onnx.OnnxProto3.AttributeProto
list of graph
getGraphs(int) - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of graph
getGraphsBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
getGraphsBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
getGraphsBuilderList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
getGraphsBuilderList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
getGraphsCount() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
getGraphsCount() - Method in class onnx.OnnxMlProto3.AttributeProto
list of graph
getGraphsCount() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of graph
getGraphsCount() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
getGraphsCount() - Method in class onnx.OnnxProto3.AttributeProto
list of graph
getGraphsCount() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of graph
getGraphsList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
getGraphsList() - Method in class onnx.OnnxMlProto3.AttributeProto
list of graph
getGraphsList() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of graph
getGraphsList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
getGraphsList() - Method in class onnx.OnnxProto3.AttributeProto
list of graph
getGraphsList() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of graph
getGraphsOrBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
getGraphsOrBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto
list of graph
getGraphsOrBuilder(int) - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of graph
getGraphsOrBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
getGraphsOrBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto
list of graph
getGraphsOrBuilder(int) - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of graph
getGraphsOrBuilderList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
getGraphsOrBuilderList() - Method in class onnx.OnnxMlProto3.AttributeProto
list of graph
getGraphsOrBuilderList() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of graph
getGraphsOrBuilderList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
getGraphsOrBuilderList() - Method in class onnx.OnnxProto3.AttributeProto
list of graph
getGraphsOrBuilderList() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of graph
getGraphVersion() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The initial version number for the graph, to be used in the next call to ExtendSession.
getGraphVersion() - Method in class org.tensorflow.distruntime.CreateSessionResponse
The initial version number for the graph, to be used in the next call to ExtendSession.
getGraphVersion() - Method in interface org.tensorflow.distruntime.CreateSessionResponseOrBuilder
The initial version number for the graph, to be used in the next call to ExtendSession.
getGridDescriptor() - Method in interface org.nd4j.linalg.api.ops.GridOp
 
getGridDescriptor() - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
getGroupKey() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
int32 group_key = 1;
getGroupKey() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
int32 group_key = 1;
getGroupKey() - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
int32 group_key = 1;
getGroupKey() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
int32 group_key = 1;
getGroupKey() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
int32 group_key = 1;
getGroupKey() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
int32 group_key = 1;
getGroupKey() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 group_key = 5;
getGroupKey() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
int32 group_key = 5;
getGroupKey() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
int32 group_key = 5;
getGroupSize() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
int32 group_size = 2;
getGroupSize() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
int32 group_size = 2;
getGroupSize() - Method in interface org.tensorflow.distruntime.CompleteGroupRequestOrBuilder
int32 group_size = 2;
getGroupSize() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
int32 group_size = 2;
getGroupSize() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
int32 group_size = 2;
getGroupSize() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
int32 group_size = 2;
getGroupSize() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 group_size = 6;
getGroupSize() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
int32 group_size = 6;
getGroupSize() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
int32 group_size = 6;
getHalfVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_HALF, DT_BFLOAT16.
getHalfVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_HALF, DT_BFLOAT16.
getHalfVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_HALF, DT_BFLOAT16.
getHalfValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_HALF, DT_BFLOAT16.
getHalfValCount() - Method in class org.tensorflow.framework.TensorProto
DT_HALF, DT_BFLOAT16.
getHalfValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_HALF, DT_BFLOAT16.
getHalfValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_HALF, DT_BFLOAT16.
getHalfValList() - Method in class org.tensorflow.framework.TensorProto
DT_HALF, DT_BFLOAT16.
getHalfValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_HALF, DT_BFLOAT16.
getHandle() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
A handle to the created callable.
getHandle() - Method in class org.tensorflow.distruntime.MakeCallableResponse
A handle to the created callable.
getHandle() - Method in interface org.tensorflow.distruntime.MakeCallableResponseOrBuilder
A handle to the created callable.
getHandle() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
getHandle() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
getHandle() - Method in interface org.tensorflow.distruntime.ReleaseCallableRequestOrBuilder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
getHandle() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
getHandle() - Method in class org.tensorflow.distruntime.RunCallableRequest
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
getHandle() - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
getHandle() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Handle describing the feeds and fetches of the step.
getHandle() - Method in class org.tensorflow.framework.MemoryLogStep
Handle describing the feeds and fetches of the step.
getHandle() - Method in interface org.tensorflow.framework.MemoryLogStepOrBuilder
Handle describing the feeds and fetches of the step.
getHandleBytes() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Handle describing the feeds and fetches of the step.
getHandleBytes() - Method in class org.tensorflow.framework.MemoryLogStep
Handle describing the feeds and fetches of the step.
getHandleBytes() - Method in interface org.tensorflow.framework.MemoryLogStepOrBuilder
Handle describing the feeds and fetches of the step.
getHandleToDecref() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
getHandleToDecref() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
getHandleToDecref() - Method in interface tensorflow.eager.EagerServiceOuterClass.QueueItemOrBuilder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
getHandleToDecrefBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
getHandleToDecrefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
getHandleToDecrefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
getHandleToDecrefOrBuilder() - Method in interface tensorflow.eager.EagerServiceOuterClass.QueueItemOrBuilder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
getHasControlFlow() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Deprecated.
getHasControlFlow() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Deprecated.
getHasControlFlow() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Deprecated.
getHashCode() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Hash code for the type of the resource.
getHashCode() - Method in class org.tensorflow.framework.ResourceHandleProto
Hash code for the type of the resource.
getHashCode() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
Hash code for the type of the resource.
getHasLengthCase() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
getHasLengthCase() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
getHasLengthCase() - Method in interface org.tensorflow.framework.TensorSliceProto.ExtentOrBuilder
 
getHasMinimum() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
For type == "int", this is a minimum value.
getHasMinimum() - Method in class org.tensorflow.framework.OpDef.AttrDef
For type == "int", this is a minimum value.
getHasMinimum() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
For type == "int", this is a minimum value.
getHasSingleReference() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Set if this tensor only has one remaining reference
getHasSingleReference() - Method in class org.tensorflow.framework.AllocationDescription
Set if this tensor only has one remaining reference
getHasSingleReference() - Method in interface org.tensorflow.framework.AllocationDescriptionOrBuilder
Set if this tensor only has one remaining reference
getHeight() - Method in class org.tensorflow.framework.Summary.Image.Builder
Dimensions of the image.
getHeight() - Method in class org.tensorflow.framework.Summary.Image
Dimensions of the image.
getHeight() - Method in interface org.tensorflow.framework.Summary.ImageOrBuilder
Dimensions of the image.
getHisto() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
getHisto() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.HistogramProto histo = 5;
getHisto() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.HistogramProto histo = 5;
getHistoBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
getHistoOrBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
getHistoOrBuilder() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.HistogramProto histo = 5;
getHistoOrBuilder() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.HistogramProto histo = 5;
getHost() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The host name on which a source code file is located.
getHost() - Method in class org.tensorflow.framework.DebuggedSourceFile
The host name on which a source code file is located.
getHost() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
The host name on which a source code file is located.
getHostBytes() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The host name on which a source code file is located.
getHostBytes() - Method in class org.tensorflow.framework.DebuggedSourceFile
The host name on which a source code file is located.
getHostBytes() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
The host name on which a source code file is located.
getHostMemoryArg(int) - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArg(int) - Method in class org.tensorflow.framework.KernelDef
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArg(int) - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgBytes(int) - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgBytes(int) - Method in class org.tensorflow.framework.KernelDef
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgBytes(int) - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgCount() - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgCount() - Method in class org.tensorflow.framework.KernelDef
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgCount() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgList() - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgList() - Method in class org.tensorflow.framework.KernelDef
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostMemoryArgList() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
getHostOffset() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns current host memory offset within workspace
getHostTempMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
getHostTempMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node
Deprecated.
getHostTempMemorySize() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Deprecated.
getI() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
int
getI() - Method in class onnx.OnnxMlProto3.AttributeProto
int
getI() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
int
getI() - Method in class onnx.OnnxProto3.AttributeProto.Builder
int
getI() - Method in class onnx.OnnxProto3.AttributeProto
int
getI() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
int
getI() - Method in class org.tensorflow.framework.AttrValue.Builder
"int"
getI() - Method in class org.tensorflow.framework.AttrValue
"int"
getI(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(int)"
getI(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(int)"
getI(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(int)"
getI() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"int"
getIArgument(int) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
getIArgument(int) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
getIArgument(int) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
getIArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
getIArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
getICount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(int)"
getICount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(int)"
getICount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(int)"
getId() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
This method returns Id of this workspace
getId() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The id of the node.
getId() - Method in class org.tensorflow.framework.CostGraphDef.Node
The id of the node.
getId() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
The id of the node.
getId() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
A unique identifier for the operation.
getId() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
A unique identifier for the operation.
getId() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
A unique identifier for the operation.
getIList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(int)"
getIList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(int)"
getIList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(int)"
getILossFunction() - Method in enum org.nd4j.linalg.lossfunctions.LossFunctions.LossFunction
 
getImage() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
getImage() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.Summary.Image image = 4;
getImage() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.Summary.Image image = 4;
getImageBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
getImageOrBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
getImageOrBuilder() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.Summary.Image image = 4;
getImageOrBuilder() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.Summary.Image image = 4;
getInArg(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArg(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArg(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgCount() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgCount() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgCount() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgOrBuilder(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgOrBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgOrBuilderList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getInArgOrBuilderList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
getIncarnation() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
A device is assigned a global unique number each time it is initialized.
getIncarnation() - Method in class org.tensorflow.framework.DeviceAttributes
A device is assigned a global unique number each time it is initialized.
getIncarnation() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
A device is assigned a global unique number each time it is initialized.
getIncludedIndices() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return a copy of the indices included in the view.
getIncludedValues() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return a copy of the values included in the array.
getIndex() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Index of the output being set.
getIndex() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
Index of the output being set.
getIndex() - Method in interface org.tensorflow.framework.MemoryLogTensorOutputOrBuilder
Index of the output being set.
getIndexerByType(Pointer, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
getIndexingArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getIndexingArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getIndices() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getIndicesOf(int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Returns the indices of the element of the given index in the array context
getIndicesTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The indices Tensor must have dtype int64 and shape [?, ?].
getIndicesTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
The indices Tensor must have dtype int64 and shape [?, ?].
getIndicesTensorName() - Method in interface org.tensorflow.framework.TensorInfo.CooSparseOrBuilder
The indices Tensor must have dtype int64 and shape [?, ?].
getIndicesTensorNameBytes() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The indices Tensor must have dtype int64 and shape [?, ?].
getIndicesTensorNameBytes() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
The indices Tensor must have dtype int64 and shape [?, ?].
getIndicesTensorNameBytes() - Method in interface org.tensorflow.framework.TensorInfo.CooSparseOrBuilder
The indices Tensor must have dtype int64 and shape [?, ?].
getInferShapes() - Method in class org.tensorflow.framework.GraphOptions.Builder
Annotate each Node with Op output shape data, to the extent it can be statically inferred.
getInferShapes() - Method in class org.tensorflow.framework.GraphOptions
Annotate each Node with Op output shape data, to the extent it can be statically inferred.
getInferShapes() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Annotate each Node with Op output shape data, to the extent it can be statically inferred.
getInitialBlockSize() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes for first block of circular workspace.
getInitializer(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializer(int) - Method in class onnx.OnnxMlProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializer(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializer(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializer(int) - Method in class onnx.OnnxProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializer(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerCount() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerCount() - Method in class onnx.OnnxMlProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerCount() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerCount() - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerCount() - Method in class onnx.OnnxProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerCount() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerList() - Method in class onnx.OnnxMlProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerList() - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerList() - Method in class onnx.OnnxProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the initializer op.
getInitializerName() - Method in class org.tensorflow.framework.VariableDef
Name of the initializer op.
getInitializerName() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the initializer op.
getInitializerNameBytes() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the initializer op.
getInitializerNameBytes() - Method in class org.tensorflow.framework.VariableDef
Name of the initializer op.
getInitializerNameBytes() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the initializer op.
getInitializerOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilder(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilder(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilderList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitializerOrBuilderList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
getInitialValueName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the tensor holding the variable's initial value.
getInitialValueName() - Method in class org.tensorflow.framework.VariableDef
Name of the tensor holding the variable's initial value.
getInitialValueName() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the tensor holding the variable's initial value.
getInitialValueNameBytes() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the tensor holding the variable's initial value.
getInitialValueNameBytes() - Method in class org.tensorflow.framework.VariableDef
Name of the tensor holding the variable's initial value.
getInitialValueNameBytes() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the tensor holding the variable's initial value.
getInput(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInput(int) - Method in class onnx.OnnxMlProto3.GraphProto
The inputs and outputs of the graph.
getInput(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInput(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getInput(int) - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getInput(int) - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getInput(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInput(int) - Method in class onnx.OnnxProto3.GraphProto
The inputs and outputs of the graph.
getInput(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInput(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getInput(int) - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getInput(int) - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getInput(int) - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInput(int) - Method in class org.tensorflow.framework.NodeDef
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInput(int) - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputArg(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
getInputArg(int) - Method in class org.tensorflow.framework.OpDef
Description of the input(s).
getInputArg(int) - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the input(s).
getInputArgBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
getInputArgBuilderList() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
getInputArgCount() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
getInputArgCount() - Method in class org.tensorflow.framework.OpDef
Description of the input(s).
getInputArgCount() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the input(s).
getInputArgList() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
getInputArgList() - Method in class org.tensorflow.framework.OpDef
Description of the input(s).
getInputArgList() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the input(s).
getInputArgOrBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
getInputArgOrBuilder(int) - Method in class org.tensorflow.framework.OpDef
Description of the input(s).
getInputArgOrBuilder(int) - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the input(s).
getInputArgOrBuilderList() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
getInputArgOrBuilderList() - Method in class org.tensorflow.framework.OpDef
Description of the input(s).
getInputArgOrBuilderList() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the input(s).
getInputArgument(int) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
getInputArgument(int) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
getInputArgument(int) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
getInputArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
getInputArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
getInputArrays() - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
getInputArrays() - Method in interface org.nd4j.linalg.api.ops.OpContext
This method returns List of input arrays defined within this context
getInputBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputBytes(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getInputBytes(int) - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getInputBytes(int) - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getInputBytes(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getInputBytes(int) - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getInputBytes(int) - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getInputBytes(int) - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputBytes(int) - Method in class org.tensorflow.framework.NodeDef
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputBytes(int) - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputCount() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputCount() - Method in class onnx.OnnxMlProto3.GraphProto
The inputs and outputs of the graph.
getInputCount() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputCount() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getInputCount() - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getInputCount() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getInputCount() - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputCount() - Method in class onnx.OnnxProto3.GraphProto
The inputs and outputs of the graph.
getInputCount() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputCount() - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getInputCount() - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getInputCount() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getInputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 input_count = 6;
getInputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
int32 input_count = 6;
getInputCount() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
int32 input_count = 6;
getInputCount() - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputCount() - Method in class org.tensorflow.framework.NodeDef
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputCount() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputFromNode(NODE_TYPE, int) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the input node for the given node
getInputFromNode(OnnxProto3.NodeProto, int) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getInputFromNode(NodeDef, int) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getInputInfo(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfo(int) - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfo(int) - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoCount() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoCount() - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoCount() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoList() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoList() - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoList() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoOrBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoOrBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoOrBuilder(int) - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoOrBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoOrBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputInfoOrBuilderList() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
getInputList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputList() - Method in class onnx.OnnxMlProto3.GraphProto
The inputs and outputs of the graph.
getInputList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputList() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getInputList() - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getInputList() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getInputList() - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputList() - Method in class onnx.OnnxProto3.GraphProto
The inputs and outputs of the graph.
getInputList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputList() - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getInputList() - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getInputList() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getInputList() - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputList() - Method in class org.tensorflow.framework.NodeDef
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputList() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
getInputOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto
The inputs and outputs of the graph.
getInputOrBuilder(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto
The inputs and outputs of the graph.
getInputOrBuilder(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto
The inputs and outputs of the graph.
getInputOrBuilderList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
getInputOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto
The inputs and outputs of the graph.
getInputOrBuilderList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The inputs and outputs of the graph.
getInputs() - Method in class org.tensorflow.framework.SignatureDef.Builder
Deprecated.
getInputs() - Method in class org.tensorflow.framework.SignatureDef
Deprecated.
getInputs() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Deprecated.
getInputs(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputs(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputs(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsCount() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
getInputsCount() - Method in class org.tensorflow.framework.SignatureDef
 
getInputsCount() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named input parameters.
getInputsCount() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsCount() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsCount() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsForFunction(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns the name(s) of the inputs for the given function
getInputsList() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsList() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsList() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsMap() - Method in class org.tensorflow.framework.SignatureDef.Builder
Named input parameters.
getInputsMap() - Method in class org.tensorflow.framework.SignatureDef
Named input parameters.
getInputsMap() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named input parameters.
getInputsOrBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsOrBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsOrBuilder(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsOrBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsOrBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsOrBuilderList() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
getInputsOrDefault(String, TensorInfo) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named input parameters.
getInputsOrDefault(String, TensorInfo) - Method in class org.tensorflow.framework.SignatureDef
Named input parameters.
getInputsOrDefault(String, TensorInfo) - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named input parameters.
getInputsOrThrow(String) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named input parameters.
getInputsOrThrow(String) - Method in class org.tensorflow.framework.SignatureDef
Named input parameters.
getInputsOrThrow(String) - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named input parameters.
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
getInputVariablesForFunction(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the input variable(s) for the specified differential function
getInputVars() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getInstance(String) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
 
getInstance() - Static method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
 
getInstance() - Static method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getInstance() - Static method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
Singleton.
getInstance() - Static method in class org.nd4j.linalg.api.ops.DefaultOpConverter
 
getInstance() - Static method in class org.nd4j.linalg.api.ops.performance.PerformanceTracker
 
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
 
getInstanceKey() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 instance_key = 7;
getInstanceKey() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
int32 instance_key = 7;
getInstanceKey() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
int32 instance_key = 7;
getInstanceKey() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
int32 instance_key = 1;
getInstanceKey() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
int32 instance_key = 1;
getInstanceKey() - Method in interface org.tensorflow.distruntime.CompleteInstanceResponseOrBuilder
int32 instance_key = 1;
getInt(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the elements at the specified indices
getInt(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getInt(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getInt(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get an integer value at the specified indices.
getInt32Data(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32Data(int) - Method in class onnx.OnnxMlProto3.TensorProto
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32Data(int) - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32Data(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32Data(int) - Method in class onnx.OnnxProto3.TensorProto
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32Data(int) - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataCount() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataCount() - Method in class onnx.OnnxMlProto3.TensorProto
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataCount() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataCount() - Method in class onnx.OnnxProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataCount() - Method in class onnx.OnnxProto3.TensorProto
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataCount() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataList() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataList() - Method in class onnx.OnnxMlProto3.TensorProto
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataList() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataList() - Method in class onnx.OnnxProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataList() - Method in class onnx.OnnxProto3.TensorProto
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt32DataList() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
getInt64Data(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int64.
getInt64Data(int) - Method in class onnx.OnnxMlProto3.TensorProto
For int64.
getInt64Data(int) - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For int64.
getInt64Data(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int64.
getInt64Data(int) - Method in class onnx.OnnxProto3.TensorProto
For int64.
getInt64Data(int) - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For int64.
getInt64DataCount() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int64.
getInt64DataCount() - Method in class onnx.OnnxMlProto3.TensorProto
For int64.
getInt64DataCount() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For int64.
getInt64DataCount() - Method in class onnx.OnnxProto3.TensorProto.Builder
For int64.
getInt64DataCount() - Method in class onnx.OnnxProto3.TensorProto
For int64.
getInt64DataCount() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For int64.
getInt64DataList() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int64.
getInt64DataList() - Method in class onnx.OnnxMlProto3.TensorProto
For int64.
getInt64DataList() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For int64.
getInt64DataList() - Method in class onnx.OnnxProto3.TensorProto.Builder
For int64.
getInt64DataList() - Method in class onnx.OnnxProto3.TensorProto
For int64.
getInt64DataList() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For int64.
getInt64List() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
getInt64List() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.Int64List int64_list = 3;
getInt64List() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.Int64List int64_list = 3;
getInt64ListBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
getInt64ListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
getInt64ListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.Int64List int64_list = 3;
getInt64ListOrBuilder() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.Int64List int64_list = 3;
getInt64Val(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT64
getInt64Val(int) - Method in class org.tensorflow.framework.TensorProto
DT_INT64
getInt64Val(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_INT64
getInt64ValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT64
getInt64ValCount() - Method in class org.tensorflow.framework.TensorProto
DT_INT64
getInt64ValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_INT64
getInt64ValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT64
getInt64ValList() - Method in class org.tensorflow.framework.TensorProto
DT_INT64
getInt64ValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_INT64
getIntArrayArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getIntArrayArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getInterOpParallelismThreads() - Method in class org.tensorflow.framework.ConfigProto.Builder
Nodes that perform blocking operations are enqueued on a pool of inter_op_parallelism_threads available in each process.
getInterOpParallelismThreads() - Method in class org.tensorflow.framework.ConfigProto
Nodes that perform blocking operations are enqueued on a pool of inter_op_parallelism_threads available in each process.
getInterOpParallelismThreads() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Nodes that perform blocking operations are enqueued on a pool of inter_op_parallelism_threads available in each process.
getInterOpThreadPool() - Method in class org.tensorflow.framework.RunOptions.Builder
The thread pool to use, if session_inter_op_thread_pool is configured.
getInterOpThreadPool() - Method in class org.tensorflow.framework.RunOptions
The thread pool to use, if session_inter_op_thread_pool is configured.
getInterOpThreadPool() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
The thread pool to use, if session_inter_op_thread_pool is configured.
getIntraOpParallelismThreads() - Method in class org.tensorflow.framework.ConfigProto.Builder
The execution of an individual op (for some op types) can be parallelized on a pool of intra_op_parallelism_threads.
getIntraOpParallelismThreads() - Method in class org.tensorflow.framework.ConfigProto
The execution of an individual op (for some op types) can be parallelized on a pool of intra_op_parallelism_threads.
getIntraOpParallelismThreads() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
The execution of an individual op (for some op types) can be parallelized on a pool of intra_op_parallelism_threads.
getInts(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of ints
getInts(int) - Method in class onnx.OnnxMlProto3.AttributeProto
list of ints
getInts(int) - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of ints
getInts(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of ints
getInts(int) - Method in class onnx.OnnxProto3.AttributeProto
list of ints
getInts(int) - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of ints
getIntsCount() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of ints
getIntsCount() - Method in class onnx.OnnxMlProto3.AttributeProto
list of ints
getIntsCount() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of ints
getIntsCount() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of ints
getIntsCount() - Method in class onnx.OnnxProto3.AttributeProto
list of ints
getIntsCount() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of ints
getIntsList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of ints
getIntsList() - Method in class onnx.OnnxMlProto3.AttributeProto
list of ints
getIntsList() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of ints
getIntsList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of ints
getIntsList() - Method in class onnx.OnnxProto3.AttributeProto
list of ints
getIntsList() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of ints
getIntVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntValCount() - Method in class org.tensorflow.framework.TensorProto
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntValList() - Method in class org.tensorflow.framework.TensorProto
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getIntValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
getInvocationsCount() - Method in class org.nd4j.linalg.profiler.OpProfiler
 
getIrBuildMetadata() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The build metadata component of the SemVer of the IR.
getIrBuildMetadata() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The build metadata component of the SemVer of the IR.
getIrBuildMetadata() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The build metadata component of the SemVer of the IR.
getIrBuildMetadataBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The build metadata component of the SemVer of the IR.
getIrBuildMetadataBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The build metadata component of the SemVer of the IR.
getIrBuildMetadataBytes() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The build metadata component of the SemVer of the IR.
getIrVersion() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the IR this model targets.
getIrVersion() - Method in class onnx.OnnxMlProto3.ModelProto
The version of the IR this model targets.
getIrVersion() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The version of the IR this model targets.
getIrVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos indicate the version of the IR syntax and semantics they adhere to.
getIrVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
All OperatorSetProtos indicate the version of the IR syntax and semantics they adhere to.
getIrVersion() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
All OperatorSetProtos indicate the version of the IR syntax and semantics they adhere to.
getIrVersion() - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the IR this model targets.
getIrVersion() - Method in class onnx.OnnxProto3.ModelProto
The version of the IR this model targets.
getIrVersion() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The version of the IR this model targets.
getIrVersionPrerelease() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The prerelease component of the SemVer of the IR.
getIrVersionPrerelease() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The prerelease component of the SemVer of the IR.
getIrVersionPrerelease() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The prerelease component of the SemVer of the IR.
getIrVersionPrereleaseBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The prerelease component of the SemVer of the IR.
getIrVersionPrereleaseBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The prerelease component of the SemVer of the IR.
getIrVersionPrereleaseBytes() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The prerelease component of the SemVer of the IR.
getIsAggregate() - Method in class org.tensorflow.framework.OpDef.Builder
If is_aggregate is true, then this operation accepts N >= 2 inputs and produces 1 output all of the same type.
getIsAggregate() - Method in class org.tensorflow.framework.OpDef
If is_aggregate is true, then this operation accepts N >= 2 inputs and produces 1 output all of the same type.
getIsAggregate() - Method in interface org.tensorflow.framework.OpDefOrBuilder
If is_aggregate is true, then this operation accepts N >= 2 inputs and produces 1 output all of the same type.
getIsCommutative() - Method in class org.tensorflow.framework.OpDef.Builder
True if the operation is commutative ("op(a,b) == op(b,a)" for all inputs)
getIsCommutative() - Method in class org.tensorflow.framework.OpDef
True if the operation is commutative ("op(a,b) == op(b,a)" for all inputs)
getIsCommutative() - Method in interface org.tensorflow.framework.OpDefOrBuilder
True if the operation is commutative ("op(a,b) == op(b,a)" for all inputs)
getIsDead() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
True if value is 'dead' like a tensor.
getIsDead() - Method in class org.tensorflow.distruntime.RecvBufResponse
True if value is 'dead' like a tensor.
getIsDead() - Method in interface org.tensorflow.distruntime.RecvBufResponseOrBuilder
True if value is 'dead' like a tensor.
getIsDead() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
If true, this tensor was the output of a dead node, and the content is invalid.
getIsDead() - Method in class org.tensorflow.distruntime.RecvTensorResponse
If true, this tensor was the output of a dead node, and the content is invalid.
getIsDead() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
If true, this tensor was the output of a dead node, and the content is invalid.
getIsFinal() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
If true, the output is permanent: it can't be discarded, because this node is part of the "final output".
getIsFinal() - Method in class org.tensorflow.framework.CostGraphDef.Node
If true, the output is permanent: it can't be discarded, because this node is part of the "final output".
getIsFinal() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
If true, the output is permanent: it can't be discarded, because this node is part of the "final output".
getIsLastPartialRun() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
True if this is the last partial run request in a sequence of requests.
getIsLastPartialRun() - Method in class org.tensorflow.distruntime.RunGraphRequest
True if this is the last partial run request in a sequence of requests.
getIsLastPartialRun() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
True if this is the last partial run request in a sequence of requests.
getIsolateSessionState() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
If true, any resources such as Variables used in the session will not be shared with other sessions.
getIsolateSessionState() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
If true, any resources such as Variables used in the session will not be shared with other sessions.
getIsolateSessionState() - Method in interface org.tensorflow.distruntime.CreateWorkerSessionRequestOrBuilder
If true, any resources such as Variables used in the session will not be shared with other sessions.
getIsolateSessionState() - Method in class org.tensorflow.framework.ConfigProto.Builder
If true, any resources such as Variables used in the session will not be shared with other sessions.
getIsolateSessionState() - Method in class org.tensorflow.framework.ConfigProto
If true, any resources such as Variables used in the session will not be shared with other sessions.
getIsolateSessionState() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
If true, any resources such as Variables used in the session will not be shared with other sessions.
getIsPartial() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
True if the RunGraphRequest is a partial run request.
getIsPartial() - Method in class org.tensorflow.distruntime.RunGraphRequest
True if the RunGraphRequest is a partial run request.
getIsPartial() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
True if the RunGraphRequest is a partial run request.
getIsRef() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
For inputs: if true, the inputs are required to be refs.
getIsRef() - Method in class org.tensorflow.framework.OpDef.ArgDef
For inputs: if true, the inputs are required to be refs.
getIsRef() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
For inputs: if true, the inputs are required to be refs.
getIsResource() - Method in class org.tensorflow.framework.VariableDef.Builder
Whether to represent this as a ResourceVariable.
getIsResource() - Method in class org.tensorflow.framework.VariableDef
Whether to represent this as a ResourceVariable.
getIsResource() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Whether to represent this as a ResourceVariable.
getIsSource() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
bool is_source = 11;
getIsSource() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
bool is_source = 11;
getIsSource() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
bool is_source = 11;
getIsStateful() - Method in class org.tensorflow.framework.OpDef.Builder
Ops are marked as stateful if their behavior depends on some state beyond their input tensors (e.g.
getIsStateful() - Method in class org.tensorflow.framework.OpDef
Ops are marked as stateful if their behavior depends on some state beyond their input tensors (e.g.
getIsStateful() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Ops are marked as stateful if their behavior depends on some state beyond their input tensors (e.g.
getItemCase() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
getItemCase() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
getItemCase() - Method in interface tensorflow.eager.EagerServiceOuterClass.QueueItemOrBuilder
 
getJob(int) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
getJob(int) - Method in class org.tensorflow.distruntime.ClusterDef
The jobs that comprise the cluster.
getJob(int) - Method in interface org.tensorflow.distruntime.ClusterDefOrBuilder
The jobs that comprise the cluster.
getJobBuilder(int) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
getJobBuilderList() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
getJobCount() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
getJobCount() - Method in class org.tensorflow.distruntime.ClusterDef
The jobs that comprise the cluster.
getJobCount() - Method in interface org.tensorflow.distruntime.ClusterDefOrBuilder
The jobs that comprise the cluster.
getJobList() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
getJobList() - Method in class org.tensorflow.distruntime.ClusterDef
The jobs that comprise the cluster.
getJobList() - Method in interface org.tensorflow.distruntime.ClusterDefOrBuilder
The jobs that comprise the cluster.
getJobName() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The name of the job of which this server is a member.
getJobName() - Method in class org.tensorflow.distruntime.ServerDef
The name of the job of which this server is a member.
getJobName() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The name of the job of which this server is a member.
getJobNameBytes() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The name of the job of which this server is a member.
getJobNameBytes() - Method in class org.tensorflow.distruntime.ServerDef
The name of the job of which this server is a member.
getJobNameBytes() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The name of the job of which this server is a member.
getJobOrBuilder(int) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
getJobOrBuilder(int) - Method in class org.tensorflow.distruntime.ClusterDef
The jobs that comprise the cluster.
getJobOrBuilder(int) - Method in interface org.tensorflow.distruntime.ClusterDefOrBuilder
The jobs that comprise the cluster.
getJobOrBuilderList() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
getJobOrBuilderList() - Method in class org.tensorflow.distruntime.ClusterDef
The jobs that comprise the cluster.
getJobOrBuilderList() - Method in interface org.tensorflow.distruntime.ClusterDefOrBuilder
The jobs that comprise the cluster.
getKeepAliveSecs() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Number of seconds to keep the context alive.
getKeepAliveSecs() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
Number of seconds to keep the context alive.
getKeepAliveSecs() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
Number of seconds to keep the context alive.
getKeepCheckpointEveryNHours() - Method in class org.tensorflow.util.SaverDef.Builder
How often to keep an additional checkpoint.
getKeepCheckpointEveryNHours() - Method in class org.tensorflow.util.SaverDef
How often to keep an additional checkpoint.
getKeepCheckpointEveryNHours() - Method in interface org.tensorflow.util.SaverDefOrBuilder
How often to keep an additional checkpoint.
getKernelName() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelName() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelName() - Method in interface org.tensorflow.framework.MemoryLogTensorAllocationOrBuilder
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelName() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelName() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelName() - Method in interface org.tensorflow.framework.MemoryLogTensorOutputOrBuilder
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelNameBytes() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelNameBytes() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelNameBytes() - Method in interface org.tensorflow.framework.MemoryLogTensorAllocationOrBuilder
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelNameBytes() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelNameBytes() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
getKernelNameBytes() - Method in interface org.tensorflow.framework.MemoryLogTensorOutputOrBuilder
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
getKey() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string key = 1;
getKey() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
string key = 1;
getKey() - Method in interface onnx.OnnxMlProto3.StringStringEntryProtoOrBuilder
string key = 1;
getKey() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string key = 1;
getKey() - Method in class onnx.OnnxProto3.StringStringEntryProto
string key = 1;
getKey() - Method in interface onnx.OnnxProto3.StringStringEntryProtoOrBuilder
string key = 1;
getKeyBytes() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string key = 1;
getKeyBytes() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
string key = 1;
getKeyBytes() - Method in interface onnx.OnnxMlProto3.StringStringEntryProtoOrBuilder
string key = 1;
getKeyBytes() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string key = 1;
getKeyBytes() - Method in class onnx.OnnxProto3.StringStringEntryProto
string key = 1;
getKeyBytes() - Method in interface onnx.OnnxProto3.StringStringEntryProtoOrBuilder
string key = 1;
getKeys(int) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
getKeys(int) - Method in class org.tensorflow.util.IteratorStateMetadata
Keys for tensors in the VariantTensorDataProto.
getKeys(int) - Method in interface org.tensorflow.util.IteratorStateMetadataOrBuilder
Keys for tensors in the VariantTensorDataProto.
getKeysBytes(int) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
getKeysBytes(int) - Method in class org.tensorflow.util.IteratorStateMetadata
Keys for tensors in the VariantTensorDataProto.
getKeysBytes(int) - Method in interface org.tensorflow.util.IteratorStateMetadataOrBuilder
Keys for tensors in the VariantTensorDataProto.
getKeysCount() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
getKeysCount() - Method in class org.tensorflow.util.IteratorStateMetadata
Keys for tensors in the VariantTensorDataProto.
getKeysCount() - Method in interface org.tensorflow.util.IteratorStateMetadataOrBuilder
Keys for tensors in the VariantTensorDataProto.
getKeysList() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
getKeysList() - Method in class org.tensorflow.util.IteratorStateMetadata
Keys for tensors in the VariantTensorDataProto.
getKeysList() - Method in interface org.tensorflow.util.IteratorStateMetadataOrBuilder
Keys for tensors in the VariantTensorDataProto.
getKeyType() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
getKeyType() - Method in class onnx.OnnxMlProto3.TypeProto.Map
This field MUST be present for this version of the IR.
getKeyType() - Method in interface onnx.OnnxMlProto3.TypeProto.MapOrBuilder
This field MUST be present for this version of the IR.
getKeyTypeValue() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
getKeyTypeValue() - Method in class onnx.OnnxMlProto3.TypeProto.Map
This field MUST be present for this version of the IR.
getKeyTypeValue() - Method in interface onnx.OnnxMlProto3.TypeProto.MapOrBuilder
This field MUST be present for this version of the IR.
getKindCase() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
getKindCase() - Method in class org.tensorflow.framework.CollectionDef
 
getKindCase() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
 
getL1CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L1 cache size in bytes
getL1CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
L1 cache size in bytes
getL1CacheSize() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
L1 cache size in bytes
getL2CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L2 cache size in bytes
getL2CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
L2 cache size in bytes
getL2CacheSize() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
L2 cache size in bytes
getL3CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L3 cache size in bytes
getL3CacheSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
L3 cache size in bytes
getL3CacheSize() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
L3 cache size in bytes
getLabel() - Method in class org.tensorflow.framework.KernelDef.Builder
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
getLabel() - Method in class org.tensorflow.framework.KernelDef
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
getLabel() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
getLabelBytes() - Method in class org.tensorflow.framework.KernelDef.Builder
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
getLabelBytes() - Method in class org.tensorflow.framework.KernelDef
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
getLabelBytes() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
getLabelCountsEachClass() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
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 class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
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 class labels, if any.
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
getLastModified() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The timestamp at which the source code file is last modified.
getLastModified() - Method in class org.tensorflow.framework.DebuggedSourceFile
The timestamp at which the source code file is last modified.
getLastModified() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
The timestamp at which the source code file is last modified.
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 opName of the last invoked op
getLayoutOptimizer() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Optimize tensor layouts (default is ON) e.g.
getLayoutOptimizer() - Method in class org.tensorflow.framework.RewriterConfig
Optimize tensor layouts (default is ON) e.g.
getLayoutOptimizer() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Optimize tensor layouts (default is ON) e.g.
getLayoutOptimizerValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Optimize tensor layouts (default is ON) e.g.
getLayoutOptimizerValue() - Method in class org.tensorflow.framework.RewriterConfig
Optimize tensor layouts (default is ON) e.g.
getLayoutOptimizerValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Optimize tensor layouts (default is ON) e.g.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getLeadingOnes() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the number of leading ones in the array shape.
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.AdaDelta
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.AdaGrad
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.Adam
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.AdaMax
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.AMSGrad
 
getLearningRate(int, int) - Method in interface org.nd4j.linalg.learning.config.IUpdater
Get the learning rate - if any - for the updater, at the specified iteration and epoch.
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.Nadam
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.NoOp
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.RmsProp
 
getLearningRate(int, int) - Method in class org.nd4j.linalg.learning.config.Sgd
 
getLegacyJsonMapper() - Method in class org.nd4j.serde.json.BaseLegacyDeserializer
 
getLegacyJsonMapper() - Method in class org.nd4j.serde.json.LegacyIActivationDeserializer
 
getLegacyJsonMapper() - Method in class org.nd4j.serde.json.LegacyILossFunctionDeserializer
 
getLegacyNamesMap() - Method in class org.nd4j.serde.json.BaseLegacyDeserializer
 
getLegacyNamesMap() - Method in class org.nd4j.serde.json.LegacyIActivationDeserializer
 
getLegacyNamesMap() - Method in class org.nd4j.serde.json.LegacyILossFunctionDeserializer
 
getLegacyOpClassForId(Op.Type, int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
getLength() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
int64 length = 2;
getLength() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
int64 length = 2;
getLength() - Method in interface org.tensorflow.framework.TensorSliceProto.ExtentOrBuilder
int64 length = 2;
getLengthFrames() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Length of the audio in frames (samples per channel).
getLengthFrames() - Method in class org.tensorflow.framework.Summary.Audio
Length of the audio in frames (samples per channel).
getLengthFrames() - Method in interface org.tensorflow.framework.Summary.AudioOrBuilder
Length of the audio in frames (samples per channel).
getLFactor(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getLFactor(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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
getLibrary() - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
getLibrary() - Method in class org.tensorflow.framework.GraphDef
EXPERIMENTAL.
getLibrary() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
EXPERIMENTAL.
getLibraryBuilder() - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
getLibraryOrBuilder() - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
getLibraryOrBuilder() - Method in class org.tensorflow.framework.GraphDef
EXPERIMENTAL.
getLibraryOrBuilder() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
EXPERIMENTAL.
getLines(int) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
getLines(int) - Method in class org.tensorflow.framework.DebuggedSourceFile
Line-by-line content of the source code file.
getLines(int) - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
Line-by-line content of the source code file.
getLinesBytes(int) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
getLinesBytes(int) - Method in class org.tensorflow.framework.DebuggedSourceFile
Line-by-line content of the source code file.
getLinesBytes(int) - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
Line-by-line content of the source code file.
getLinesCount() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
getLinesCount() - Method in class org.tensorflow.framework.DebuggedSourceFile
Line-by-line content of the source code file.
getLinesCount() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
Line-by-line content of the source code file.
getLinesList() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
getLinesList() - Method in class org.tensorflow.framework.DebuggedSourceFile
Line-by-line content of the source code file.
getLinesList() - Method in interface org.tensorflow.framework.DebuggedSourceFileOrBuilder
Line-by-line content of the source code file.
getLink(int) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
getLink(int) - Method in class org.tensorflow.framework.LocalLinks
repeated .tensorflow.InterconnectLink link = 1;
getLink(int) - Method in interface org.tensorflow.framework.LocalLinksOrBuilder
repeated .tensorflow.InterconnectLink link = 1;
getLinkBuilder(int) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
getLinkBuilderList() - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
getLinkCount() - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
getLinkCount() - Method in class org.tensorflow.framework.LocalLinks
repeated .tensorflow.InterconnectLink link = 1;
getLinkCount() - Method in interface org.tensorflow.framework.LocalLinksOrBuilder
repeated .tensorflow.InterconnectLink link = 1;
getLinkList() - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
getLinkList() - Method in class org.tensorflow.framework.LocalLinks
repeated .tensorflow.InterconnectLink link = 1;
getLinkList() - Method in interface org.tensorflow.framework.LocalLinksOrBuilder
repeated .tensorflow.InterconnectLink link = 1;
getLinkOrBuilder(int) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
getLinkOrBuilder(int) - Method in class org.tensorflow.framework.LocalLinks
repeated .tensorflow.InterconnectLink link = 1;
getLinkOrBuilder(int) - Method in interface org.tensorflow.framework.LocalLinksOrBuilder
repeated .tensorflow.InterconnectLink link = 1;
getLinkOrBuilderList() - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
getLinkOrBuilderList() - Method in class org.tensorflow.framework.LocalLinks
repeated .tensorflow.InterconnectLink link = 1;
getLinkOrBuilderList() - Method in interface org.tensorflow.framework.LocalLinksOrBuilder
repeated .tensorflow.InterconnectLink link = 1;
getLinks() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
getLinks() - Method in class org.tensorflow.framework.DeviceLocality
Optional local interconnect links to other devices.
getLinks() - Method in interface org.tensorflow.framework.DeviceLocalityOrBuilder
Optional local interconnect links to other devices.
getLinksBuilder() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
getLinksOrBuilder() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
getLinksOrBuilder() - Method in class org.tensorflow.framework.DeviceLocality
Optional local interconnect links to other devices.
getLinksOrBuilder() - Method in interface org.tensorflow.framework.DeviceLocalityOrBuilder
Optional local interconnect links to other devices.
getList() - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
getList() - Method in class org.tensorflow.framework.AttrValue
any "list(...)"
getList() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
any "list(...)"
getListBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
getListOrBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
getListOrBuilder() - Method in class org.tensorflow.framework.AttrValue
any "list(...)"
getListOrBuilder() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
any "list(...)"
getLiveBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The bytes that are not deallocated.
getLiveBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
The bytes that are not deallocated.
getLiveBytes() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
The bytes that are not deallocated.
getLocalDevice(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDevice(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDevice(int) - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceBuilderList() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceCount() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceCount() - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceCount() - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceList() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceList() - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceList() - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceOrBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceOrBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceOrBuilder(int) - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceOrBuilderList() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceOrBuilderList() - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocalDeviceOrBuilderList() - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes local_device = 1;
getLocality() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
getLocality() - Method in class org.tensorflow.framework.DeviceAttributes
Platform-specific data about device that may be useful for supporting efficient data transfers.
getLocality() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
Platform-specific data about device that may be useful for supporting efficient data transfers.
getLocalityBuilder() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
getLocalityOrBuilder() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
getLocalityOrBuilder() - Method in class org.tensorflow.framework.DeviceAttributes
Platform-specific data about device that may be useful for supporting efficient data transfers.
getLocalityOrBuilder() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
Platform-specific data about device that may be useful for supporting efficient data transfers.
getLocalName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
A user-provided name for the edge.
getLocalName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
A user-provided name for the edge.
getLocalName() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReferenceOrBuilder
A user-provided name for the edge.
getLocalNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
A user-provided name for the edge.
getLocalNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
A user-provided name for the edge.
getLocalNameBytes() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReferenceOrBuilder
A user-provided name for the edge.
getLogDevicePlacement() - Method in class org.tensorflow.framework.ConfigProto.Builder
Whether device placements should be logged.
getLogDevicePlacement() - Method in class org.tensorflow.framework.ConfigProto
Whether device placements should be logged.
getLogDevicePlacement() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Whether device placements should be logged.
getLong(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getLong(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getLong(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getLong(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getLong(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getLong(long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getLong(INDArray, long...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
getLoopBodyExecution() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getLoopBodyExecution() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getLoopEnterNames(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
getLoopEnterNames(int) - Method in class org.tensorflow.framework.WhileContextDef
List of names for enter tensors.
getLoopEnterNames(int) - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for enter tensors.
getLoopEnterNamesBytes(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
getLoopEnterNamesBytes(int) - Method in class org.tensorflow.framework.WhileContextDef
List of names for enter tensors.
getLoopEnterNamesBytes(int) - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for enter tensors.
getLoopEnterNamesCount() - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
getLoopEnterNamesCount() - Method in class org.tensorflow.framework.WhileContextDef
List of names for enter tensors.
getLoopEnterNamesCount() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for enter tensors.
getLoopEnterNamesList() - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
getLoopEnterNamesList() - Method in class org.tensorflow.framework.WhileContextDef
List of names for enter tensors.
getLoopEnterNamesList() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for enter tensors.
getLoopExitNames(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
getLoopExitNames(int) - Method in class org.tensorflow.framework.WhileContextDef
List of names for exit tensors.
getLoopExitNames(int) - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for exit tensors.
getLoopExitNamesBytes(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
getLoopExitNamesBytes(int) - Method in class org.tensorflow.framework.WhileContextDef
List of names for exit tensors.
getLoopExitNamesBytes(int) - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for exit tensors.
getLoopExitNamesCount() - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
getLoopExitNamesCount() - Method in class org.tensorflow.framework.WhileContextDef
List of names for exit tensors.
getLoopExitNamesCount() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for exit tensors.
getLoopExitNamesList() - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
getLoopExitNamesList() - Method in class org.tensorflow.framework.WhileContextDef
List of names for exit tensors.
getLoopExitNamesList() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
List of names for exit tensors.
getLoopOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Loop optimizations (default is ON).
getLoopOptimization() - Method in class org.tensorflow.framework.RewriterConfig
Loop optimizations (default is ON).
getLoopOptimization() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Loop optimizations (default is ON).
getLoopOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Loop optimizations (default is ON).
getLoopOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig
Loop optimizations (default is ON).
getLoopOptimizationValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Loop optimizations (default is ON).
getLossVariables() - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the names of variables (if any) that have been marked as loss variables to be minimized.
Variables can be marked as loss variables in a few different ways:
(a) Losses are automatically added when creating loss functions via SameDiff.sd()
(b) Via SameDiff.setLossVariables(String...), @link #addLossVariable(String)} or SDVariable.markAsLoss()
(c) Via TrainingConfig#setLossVariables(List)
getMagic() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
getMagic() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
getMagic() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
getMagicBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
getMagicBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
getMagicBytes() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
getMappedOp(String) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the mapped op name for a given op relative to the type of node being mapped.
getMappedOp(String) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getMappedOp(String) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getMapType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
getMapType() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a map.
getMapType() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a map.
getMapTypeBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
getMapTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
getMapTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a map.
getMapTypeOrBuilder() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a map.
getMatrixMultiplyShape(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the output shape of a matrix multiply
getMatrixMultiplyShape(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getMax(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getMax() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getMax() - Method in class org.tensorflow.framework.HistogramProto.Builder
double max = 2;
getMax() - Method in class org.tensorflow.framework.HistogramProto
double max = 2;
getMax() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
double max = 2;
getMaxByteSize(int) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
repeated int32 max_byte_size = 2;
getMaxByteSize(int) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
repeated int32 max_byte_size = 2;
getMaxByteSize(int) - Method in interface org.tensorflow.framework.GraphTransferNodeOutputInfoOrBuilder
repeated int32 max_byte_size = 2;
getMaxByteSizeCount() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
repeated int32 max_byte_size = 2;
getMaxByteSizeCount() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
repeated int32 max_byte_size = 2;
getMaxByteSizeCount() - Method in interface org.tensorflow.framework.GraphTransferNodeOutputInfoOrBuilder
repeated int32 max_byte_size = 2;
getMaxByteSizeList() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
repeated int32 max_byte_size = 2;
getMaxByteSizeList() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
repeated int32 max_byte_size = 2;
getMaxByteSizeList() - Method in interface org.tensorflow.framework.GraphTransferNodeOutputInfoOrBuilder
repeated int32 max_byte_size = 2;
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
getMaxFoldedConstantInBytes() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Constant folding optimization replaces tensors whose values can be predetermined, with constant nodes.
getMaxFoldedConstantInBytes() - Method in class org.tensorflow.framework.OptimizerOptions
Constant folding optimization replaces tensors whose values can be predetermined, with constant nodes.
getMaxFoldedConstantInBytes() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
Constant folding optimization replaces tensors whose values can be predetermined, with constant nodes.
getMaximum() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getMaximum(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getMaximumIterationsName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Optional name of the maximum_iterations tensor.
getMaximumIterationsName() - Method in class org.tensorflow.framework.WhileContextDef
Optional name of the maximum_iterations tensor.
getMaximumIterationsName() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Optional name of the maximum_iterations tensor.
getMaximumIterationsNameBytes() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Optional name of the maximum_iterations tensor.
getMaximumIterationsNameBytes() - Method in class org.tensorflow.framework.WhileContextDef
Optional name of the maximum_iterations tensor.
getMaximumIterationsNameBytes() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Optional name of the maximum_iterations tensor.
getMaxShape(INDArray...) - Static method in class org.nd4j.linalg.api.shape.Shape
Return the shape of the largest length array based on the input
getMaxThreads() - Method in interface org.nd4j.linalg.api.blas.Blas
 
getMaxToKeep() - Method in class org.tensorflow.util.SaverDef.Builder
Maximum number of checkpoints to keep.
getMaxToKeep() - Method in class org.tensorflow.util.SaverDef
Maximum number of checkpoints to keep.
getMaxToKeep() - Method in interface org.tensorflow.util.SaverDefOrBuilder
Maximum number of checkpoints to keep.
getMaybeTypeName() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
For debug-only, the name of the type pointed to by this handle, if available.
getMaybeTypeName() - Method in class org.tensorflow.framework.ResourceHandleProto
For debug-only, the name of the type pointed to by this handle, if available.
getMaybeTypeName() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
For debug-only, the name of the type pointed to by this handle, if available.
getMaybeTypeNameBytes() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
For debug-only, the name of the type pointed to by this handle, if available.
getMaybeTypeNameBytes() - Method in class org.tensorflow.framework.ResourceHandleProto
For debug-only, the name of the type pointed to by this handle, if available.
getMaybeTypeNameBytes() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
For debug-only, the name of the type pointed to by this handle, if available.
getMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.ConstantDistribution
Access the mean.
getMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Access the mean.
getMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Access the mean.
getMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
Access the mean.
getMean() - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
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
 
getMeanFor(INDArray) - Static method in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
getMedian() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getMedian(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getMemory(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemory(int) - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemory(int) - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryBuilderList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryCount() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryCount() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryCount() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
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
getMemoryLimit() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Memory capacity of device in bytes.
getMemoryLimit() - Method in class org.tensorflow.framework.DeviceAttributes
Memory capacity of device in bytes.
getMemoryLimit() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
Memory capacity of device in bytes.
getMemoryLimitMb(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
Per "virtual" device memory limit, in MB.
getMemoryLimitMb(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
Per "virtual" device memory limit, in MB.
getMemoryLimitMb(int) - Method in interface org.tensorflow.framework.GPUOptions.Experimental.VirtualDevicesOrBuilder
Per "virtual" device memory limit, in MB.
getMemoryLimitMbCount() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
Per "virtual" device memory limit, in MB.
getMemoryLimitMbCount() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
Per "virtual" device memory limit, in MB.
getMemoryLimitMbCount() - Method in interface org.tensorflow.framework.GPUOptions.Experimental.VirtualDevicesOrBuilder
Per "virtual" device memory limit, in MB.
getMemoryLimitMbList() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
Per "virtual" device memory limit, in MB.
getMemoryLimitMbList() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
Per "virtual" device memory limit, in MB.
getMemoryLimitMbList() - Method in interface org.tensorflow.framework.GPUOptions.Experimental.VirtualDevicesOrBuilder
Per "virtual" device memory limit, in MB.
getMemoryList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryList() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryList() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryManager() - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns backend-specific MemoryManager implementation, for low-level memory management
getMemoryOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures memory optimization passes through the meta-optimizer.
getMemoryOptimization() - Method in class org.tensorflow.framework.RewriterConfig
Configures memory optimization passes through the meta-optimizer.
getMemoryOptimization() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Configures memory optimization passes through the meta-optimizer.
getMemoryOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures memory optimization passes through the meta-optimizer.
getMemoryOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig
Configures memory optimization passes through the meta-optimizer.
getMemoryOptimizationValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Configures memory optimization passes through the meta-optimizer.
getMemoryOptimizerTargetNodeNameScope() - Method in class org.tensorflow.framework.RewriterConfig.Builder
A node name scope for node names which are valid outputs of recompuations.
getMemoryOptimizerTargetNodeNameScope() - Method in class org.tensorflow.framework.RewriterConfig
A node name scope for node names which are valid outputs of recompuations.
getMemoryOptimizerTargetNodeNameScope() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
A node name scope for node names which are valid outputs of recompuations.
getMemoryOptimizerTargetNodeNameScopeBytes() - Method in class org.tensorflow.framework.RewriterConfig.Builder
A node name scope for node names which are valid outputs of recompuations.
getMemoryOptimizerTargetNodeNameScopeBytes() - Method in class org.tensorflow.framework.RewriterConfig
A node name scope for node names which are valid outputs of recompuations.
getMemoryOptimizerTargetNodeNameScopeBytes() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
A node name scope for node names which are valid outputs of recompuations.
getMemoryOrBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryOrBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryOrBuilder(int) - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryOrBuilderList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryOrBuilderList() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemoryOrBuilderList() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
getMemorySize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Memory size in bytes
getMemorySize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Memory size in bytes
getMemorySize() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Memory size in bytes
getMemoryStats() - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
getMemoryStats() - Method in class org.tensorflow.framework.NodeExecStats
.tensorflow.MemoryStats memory_stats = 12;
getMemoryStats() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
.tensorflow.MemoryStats memory_stats = 12;
getMemoryStatsBuilder() - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
getMemoryStatsOrBuilder() - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
getMemoryStatsOrBuilder() - Method in class org.tensorflow.framework.NodeExecStats
.tensorflow.MemoryStats memory_stats = 12;
getMemoryStatsOrBuilder() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
.tensorflow.MemoryStats memory_stats = 12;
getMemoryTime() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Analytical estimate of the memory access cost of this node, in microseconds.
getMemoryTime() - Method in class org.tensorflow.framework.CostGraphDef.Node
Analytical estimate of the memory access cost of this node, in microseconds.
getMemoryTime() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Analytical estimate of the memory access cost of this node, in microseconds.
getMetadata() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
getMetadata() - Method in class org.tensorflow.distruntime.RunCallableResponse
Returned metadata if requested in the options.
getMetadata() - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Returned metadata if requested in the options.
getMetadata() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
getMetadata() - Method in class org.tensorflow.distruntime.RunStepResponse
Returned metadata if requested in the options.
getMetadata() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
Returned metadata if requested in the options.
getMetadata() - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
getMetadata() - Method in class org.tensorflow.framework.Summary.Value
Contains metadata on the summary value such as which plugins may use it.
getMetadata() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
Contains metadata on the summary value such as which plugins may use it.
getMetadata() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Portions of the object that are not Tensors.
getMetadata() - Method in class org.tensorflow.framework.VariantTensorDataProto
Portions of the object that are not Tensors.
getMetadata() - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Portions of the object that are not Tensors.
getMetadataBuilder() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
getMetadataBuilder() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
getMetadataBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
getMetadataOrBuilder() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
getMetadataOrBuilder() - Method in class org.tensorflow.distruntime.RunCallableResponse
Returned metadata if requested in the options.
getMetadataOrBuilder() - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Returned metadata if requested in the options.
getMetadataOrBuilder() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
getMetadataOrBuilder() - Method in class org.tensorflow.distruntime.RunStepResponse
Returned metadata if requested in the options.
getMetadataOrBuilder() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
Returned metadata if requested in the options.
getMetadataOrBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
getMetadataOrBuilder() - Method in class org.tensorflow.framework.Summary.Value
Contains metadata on the summary value such as which plugins may use it.
getMetadataOrBuilder() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
Contains metadata on the summary value such as which plugins may use it.
getMetadataProps(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataProps(int) - Method in class onnx.OnnxMlProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataProps(int) - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataProps(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataProps(int) - Method in class onnx.OnnxProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataProps(int) - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsBuilder(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsBuilderList() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsBuilderList() - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsCount() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsCount() - Method in class onnx.OnnxMlProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsCount() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsCount() - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsCount() - Method in class onnx.OnnxProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsCount() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsList() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsList() - Method in class onnx.OnnxMlProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsList() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsList() - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsList() - Method in class onnx.OnnxProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsList() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilder(int) - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilder(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilder(int) - Method in class onnx.OnnxProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilder(int) - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilderList() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilderList() - Method in class onnx.OnnxMlProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilderList() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilderList() - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilderList() - Method in class onnx.OnnxProto3.ModelProto
Named metadata values; keys should be distinct.
getMetadataPropsOrBuilderList() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
Named metadata values; keys should be distinct.
getMetaGraphs(int) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
getMetaGraphs(int) - Method in class org.tensorflow.framework.SavedModel
One or more MetaGraphs.
getMetaGraphs(int) - Method in interface org.tensorflow.framework.SavedModelOrBuilder
One or more MetaGraphs.
getMetaGraphsBuilder(int) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
getMetaGraphsBuilderList() - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
getMetaGraphsCount() - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
getMetaGraphsCount() - Method in class org.tensorflow.framework.SavedModel
One or more MetaGraphs.
getMetaGraphsCount() - Method in interface org.tensorflow.framework.SavedModelOrBuilder
One or more MetaGraphs.
getMetaGraphsList() - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
getMetaGraphsList() - Method in class org.tensorflow.framework.SavedModel
One or more MetaGraphs.
getMetaGraphsList() - Method in interface org.tensorflow.framework.SavedModelOrBuilder
One or more MetaGraphs.
getMetaGraphsOrBuilder(int) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
getMetaGraphsOrBuilder(int) - Method in class org.tensorflow.framework.SavedModel
One or more MetaGraphs.
getMetaGraphsOrBuilder(int) - Method in interface org.tensorflow.framework.SavedModelOrBuilder
One or more MetaGraphs.
getMetaGraphsOrBuilderList() - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
getMetaGraphsOrBuilderList() - Method in class org.tensorflow.framework.SavedModel
One or more MetaGraphs.
getMetaGraphsOrBuilderList() - Method in interface org.tensorflow.framework.SavedModelOrBuilder
One or more MetaGraphs.
getMetaGraphVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User specified Version string.
getMetaGraphVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
User specified Version string.
getMetaGraphVersion() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
User specified Version string.
getMetaGraphVersionBytes() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User specified Version string.
getMetaGraphVersionBytes() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
User specified Version string.
getMetaGraphVersionBytes() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
User specified Version string.
getMetaInfoDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
getMetaInfoDef() - Method in class org.tensorflow.framework.MetaGraphDef
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
getMetaInfoDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
getMetaInfoDefBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
getMetaInfoDefOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
getMetaInfoDefOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
getMetaInfoDefOrBuilder() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
getMetaOptimizerIterations() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Controls how many times we run the optimizers in meta optimizer (default is once).
getMetaOptimizerIterations() - Method in class org.tensorflow.framework.RewriterConfig
Controls how many times we run the optimizers in meta optimizer (default is once).
getMetaOptimizerIterations() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Controls how many times we run the optimizers in meta optimizer (default is once).
getMetaOptimizerIterationsValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Controls how many times we run the optimizers in meta optimizer (default is once).
getMetaOptimizerIterationsValue() - Method in class org.tensorflow.framework.RewriterConfig
Controls how many times we run the optimizers in meta optimizer (default is once).
getMetaOptimizerIterationsValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Controls how many times we run the optimizers in meta optimizer (default is once).
getMethodName() - Method in class org.tensorflow.framework.SignatureDef.Builder
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
getMethodName() - Method in class org.tensorflow.framework.SignatureDef
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
getMethodName() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
getMethodNameBytes() - Method in class org.tensorflow.framework.SignatureDef.Builder
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
getMethodNameBytes() - Method in class org.tensorflow.framework.SignatureDef
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
getMethodNameBytes() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
getMin(int) - Method in class org.nd4j.linalg.dataset.api.preprocessor.MultiNormalizerMinMaxScaler
 
getMin() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerMinMaxScaler
 
getMin() - Method in class org.tensorflow.framework.HistogramProto.Builder
double min = 1;
getMin() - Method in class org.tensorflow.framework.HistogramProto
double min = 1;
getMin() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
double min = 1;
getMinConsumer() - Method in class org.tensorflow.framework.VersionDef.Builder
Any consumer below this version is not allowed to consume this data.
getMinConsumer() - Method in class org.tensorflow.framework.VersionDef
Any consumer below this version is not allowed to consume this data.
getMinConsumer() - Method in interface org.tensorflow.framework.VersionDefOrBuilder
Any consumer below this version is not allowed to consume this data.
getMinimum() - Method in class org.nd4j.linalg.profiler.data.primitives.TimeSet
 
getMinimum(String) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
getMinimum() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
int64 minimum = 6;
getMinimum() - Method in class org.tensorflow.framework.OpDef.AttrDef
int64 minimum = 6;
getMinimum() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
int64 minimum = 6;
getMixedOrderAggregator() - Method in class org.nd4j.linalg.profiler.OpProfiler
Dev-time method.
getModel() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Model (Haswell, K40, ...)
getModel() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Model (Haswell, K40, ...)
getModel() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Model (Haswell, K40, ...)
getModelBytes() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Model (Haswell, K40, ...)
getModelBytes() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Model (Haswell, K40, ...)
getModelBytes() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Model (Haswell, K40, ...)
getModelVersion() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the graph encoded.
getModelVersion() - Method in class onnx.OnnxMlProto3.ModelProto
The version of the graph encoded.
getModelVersion() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The version of the graph encoded.
getModelVersion() - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the graph encoded.
getModelVersion() - Method in class onnx.OnnxProto3.ModelProto
The version of the graph encoded.
getModelVersion() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The version of the graph encoded.
getMutableAttr() - Method in class org.tensorflow.framework.FunctionDef.Builder
Deprecated.
getMutableAttr() - Method in class org.tensorflow.framework.NameAttrList.Builder
Deprecated.
getMutableAttr() - Method in class org.tensorflow.framework.NodeDef.Builder
Deprecated.
getMutableAttrs() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Deprecated.
getMutableCollectionDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Deprecated.
getMutableDeviceCount() - Method in class org.tensorflow.framework.ConfigProto.Builder
Deprecated.
getMutableEnvironment() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Deprecated.
getMutableExternalValues() - Method in class org.tensorflow.framework.ValuesDef.Builder
Deprecated.
getMutableInputs() - Method in class org.tensorflow.framework.SignatureDef.Builder
Deprecated.
getMutableOutputs() - Method in class org.tensorflow.framework.SignatureDef.Builder
Deprecated.
getMutableParameterMap() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
Deprecated.
getMutableRet() - Method in class org.tensorflow.framework.FunctionDef.Builder
Deprecated.
getMutableSignatureDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Deprecated.
getMutableTasks() - Method in class org.tensorflow.distruntime.JobDef.Builder
Deprecated.
getName() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
getName() - Method in class onnx.OnnxMlProto3.AttributeProto
The name field MUST be present for this version of the IR.
getName() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
The name field MUST be present for this version of the IR.
getName() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The name of the graph.
getName() - Method in class onnx.OnnxMlProto3.GraphProto
The name of the graph.
getName() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The name of the graph.
getName() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
An optional identifier for this node in a graph.
getName() - Method in class onnx.OnnxMlProto3.NodeProto
An optional identifier for this node in a graph.
getName() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
An optional identifier for this node in a graph.
getName() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Optionally, a name for the tensor.
getName() - Method in class onnx.OnnxMlProto3.TensorProto
Optionally, a name for the tensor.
getName() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
Optionally, a name for the tensor.
getName() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getName() - Method in class onnx.OnnxMlProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getName() - Method in interface onnx.OnnxMlProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getName() - Method in class onnx.OnnxProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
getName() - Method in class onnx.OnnxProto3.AttributeProto
The name field MUST be present for this version of the IR.
getName() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
The name field MUST be present for this version of the IR.
getName() - Method in class onnx.OnnxProto3.GraphProto.Builder
The name of the graph.
getName() - Method in class onnx.OnnxProto3.GraphProto
The name of the graph.
getName() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The name of the graph.
getName() - Method in class onnx.OnnxProto3.NodeProto.Builder
An optional identifier for this node in a graph.
getName() - Method in class onnx.OnnxProto3.NodeProto
An optional identifier for this node in a graph.
getName() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
An optional identifier for this node in a graph.
getName() - Method in class onnx.OnnxProto3.TensorProto.Builder
Optionally, a name for the tensor.
getName() - Method in class onnx.OnnxProto3.TensorProto
Optionally, a name for the tensor.
getName() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
Optionally, a name for the tensor.
getName() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getName() - Method in class onnx.OnnxProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getName() - Method in interface onnx.OnnxProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getName(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the name of the node
getName(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getName(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getName() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string name = 1;
getName() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
string name = 1;
getName() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.distruntime.JobDef.Builder
The name of this job.
getName() - Method in class org.tensorflow.distruntime.JobDef
The name of this job.
getName() - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
The name of this job.
getName() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.ApiDef.Arg
string name = 1;
getName() - Method in interface org.tensorflow.framework.ApiDef.ArgOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.ApiDef.Attr
string name = 1;
getName() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
getName() - Method in class org.tensorflow.framework.ApiDef.Endpoint
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
getName() - Method in interface org.tensorflow.framework.ApiDef.EndpointOrBuilder
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
getName() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The name of the node.
getName() - Method in class org.tensorflow.framework.CostGraphDef.Node
The name of the node.
getName() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
The name of the node.
getName() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Fully specified name of the device within a cluster.
getName() - Method in class org.tensorflow.framework.DeviceAttributes
Fully specified name of the device within a cluster.
getName() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
Fully specified name of the device within a cluster.
getName() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
string name = 1;
getName() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
string name = 1;
getName() - Method in interface org.tensorflow.framework.GraphTransferGraphInputNodeInfoOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
string name = 1;
getName() - Method in interface org.tensorflow.framework.GraphTransferGraphOutputNodeInfoOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
string name = 1;
getName() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
Name of an attr from the Op.
getName() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
Name of an attr from the Op.
getName() - Method in interface org.tensorflow.framework.KernelDef.AttrConstraintOrBuilder
Name of an attr from the Op.
getName() - Method in class org.tensorflow.framework.NameAttrList.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.NameAttrList
string name = 1;
getName() - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
Name of the tensor.
getName() - Method in class org.tensorflow.framework.NamedTensorProto
Name of the tensor.
getName() - Method in interface org.tensorflow.framework.NamedTensorProtoOrBuilder
Name of the tensor.
getName() - Method in class org.tensorflow.framework.NodeDef.Builder
The name given to this operator.
getName() - Method in class org.tensorflow.framework.NodeDef
The name given to this operator.
getName() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
The name given to this operator.
getName() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Name for the input/output.
getName() - Method in class org.tensorflow.framework.OpDef.ArgDef
Name for the input/output.
getName() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
Name for the input/output.
getName() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A descriptive name for the argument.
getName() - Method in class org.tensorflow.framework.OpDef.AttrDef
A descriptive name for the argument.
getName() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
A descriptive name for the argument.
getName() - Method in class org.tensorflow.framework.OpDef.Builder
Op names starting with an underscore are reserved for internal use.
getName() - Method in class org.tensorflow.framework.OpDef
Op names starting with an underscore are reserved for internal use.
getName() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Op names starting with an underscore are reserved for internal use.
getName() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name of this resource.
getName() - Method in class org.tensorflow.framework.ResourceHandleProto
Unique name of this resource.
getName() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
Unique name of this resource.
getName() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
string name = 1;
getName() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
string name = 1;
getName() - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
string name = 1;
getName() - Method in class org.tensorflow.framework.TensorInfo.Builder
For dense `Tensor`s, the name of the tensor in the graph.
getName() - Method in class org.tensorflow.framework.TensorInfo
For dense `Tensor`s, the name of the tensor in the graph.
getName() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
For dense `Tensor`s, the name of the tensor in the graph.
getName() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Optional name of the tensor dimension.
getName() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
Optional name of the tensor dimension.
getName() - Method in interface org.tensorflow.framework.TensorShapeProto.DimOrBuilder
Optional name of the tensor dimension.
getName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
A name for the Tensor.
getName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
A name for the Tensor.
getName() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensorOrBuilder
A name for the Tensor.
getName() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
string name = 1;
getName() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
string name = 1;
getName() - Method in interface tensorflow.DevicePropertiesProtos.NamedDeviceOrBuilder
string name = 1;
getName() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string name = 2;
getName() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
string name = 2;
getName() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
string name = 2;
getNameBytes() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
getNameBytes() - Method in class onnx.OnnxMlProto3.AttributeProto
The name field MUST be present for this version of the IR.
getNameBytes() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
The name field MUST be present for this version of the IR.
getNameBytes() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The name of the graph.
getNameBytes() - Method in class onnx.OnnxMlProto3.GraphProto
The name of the graph.
getNameBytes() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The name of the graph.
getNameBytes() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
An optional identifier for this node in a graph.
getNameBytes() - Method in class onnx.OnnxMlProto3.NodeProto
An optional identifier for this node in a graph.
getNameBytes() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
An optional identifier for this node in a graph.
getNameBytes() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Optionally, a name for the tensor.
getNameBytes() - Method in class onnx.OnnxMlProto3.TensorProto
Optionally, a name for the tensor.
getNameBytes() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
Optionally, a name for the tensor.
getNameBytes() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getNameBytes() - Method in class onnx.OnnxMlProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getNameBytes() - Method in interface onnx.OnnxMlProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getNameBytes() - Method in class onnx.OnnxProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
getNameBytes() - Method in class onnx.OnnxProto3.AttributeProto
The name field MUST be present for this version of the IR.
getNameBytes() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
The name field MUST be present for this version of the IR.
getNameBytes() - Method in class onnx.OnnxProto3.GraphProto.Builder
The name of the graph.
getNameBytes() - Method in class onnx.OnnxProto3.GraphProto
The name of the graph.
getNameBytes() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The name of the graph.
getNameBytes() - Method in class onnx.OnnxProto3.NodeProto.Builder
An optional identifier for this node in a graph.
getNameBytes() - Method in class onnx.OnnxProto3.NodeProto
An optional identifier for this node in a graph.
getNameBytes() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
An optional identifier for this node in a graph.
getNameBytes() - Method in class onnx.OnnxProto3.TensorProto.Builder
Optionally, a name for the tensor.
getNameBytes() - Method in class onnx.OnnxProto3.TensorProto
Optionally, a name for the tensor.
getNameBytes() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
Optionally, a name for the tensor.
getNameBytes() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getNameBytes() - Method in class onnx.OnnxProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getNameBytes() - Method in interface onnx.OnnxProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getNameBytes() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
string name = 1;
getNameBytes() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.distruntime.JobDef.Builder
The name of this job.
getNameBytes() - Method in class org.tensorflow.distruntime.JobDef
The name of this job.
getNameBytes() - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
The name of this job.
getNameBytes() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.ApiDef.Arg
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.ApiDef.ArgOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.ApiDef.Attr
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
getNameBytes() - Method in class org.tensorflow.framework.ApiDef.Endpoint
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
getNameBytes() - Method in interface org.tensorflow.framework.ApiDef.EndpointOrBuilder
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
getNameBytes() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The name of the node.
getNameBytes() - Method in class org.tensorflow.framework.CostGraphDef.Node
The name of the node.
getNameBytes() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
The name of the node.
getNameBytes() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Fully specified name of the device within a cluster.
getNameBytes() - Method in class org.tensorflow.framework.DeviceAttributes
Fully specified name of the device within a cluster.
getNameBytes() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
Fully specified name of the device within a cluster.
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.GraphTransferGraphInputNodeInfoOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.GraphTransferGraphOutputNodeInfoOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
Name of an attr from the Op.
getNameBytes() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
Name of an attr from the Op.
getNameBytes() - Method in interface org.tensorflow.framework.KernelDef.AttrConstraintOrBuilder
Name of an attr from the Op.
getNameBytes() - Method in class org.tensorflow.framework.NameAttrList.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.NameAttrList
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.NameAttrListOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
Name of the tensor.
getNameBytes() - Method in class org.tensorflow.framework.NamedTensorProto
Name of the tensor.
getNameBytes() - Method in interface org.tensorflow.framework.NamedTensorProtoOrBuilder
Name of the tensor.
getNameBytes() - Method in class org.tensorflow.framework.NodeDef.Builder
The name given to this operator.
getNameBytes() - Method in class org.tensorflow.framework.NodeDef
The name given to this operator.
getNameBytes() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
The name given to this operator.
getNameBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Name for the input/output.
getNameBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef
Name for the input/output.
getNameBytes() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
Name for the input/output.
getNameBytes() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A descriptive name for the argument.
getNameBytes() - Method in class org.tensorflow.framework.OpDef.AttrDef
A descriptive name for the argument.
getNameBytes() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
A descriptive name for the argument.
getNameBytes() - Method in class org.tensorflow.framework.OpDef.Builder
Op names starting with an underscore are reserved for internal use.
getNameBytes() - Method in class org.tensorflow.framework.OpDef
Op names starting with an underscore are reserved for internal use.
getNameBytes() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Op names starting with an underscore are reserved for internal use.
getNameBytes() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name of this resource.
getNameBytes() - Method in class org.tensorflow.framework.ResourceHandleProto
Unique name of this resource.
getNameBytes() - Method in interface org.tensorflow.framework.ResourceHandleProtoOrBuilder
Unique name of this resource.
getNameBytes() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
string name = 1;
getNameBytes() - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
string name = 1;
getNameBytes() - Method in class org.tensorflow.framework.TensorInfo.Builder
For dense `Tensor`s, the name of the tensor in the graph.
getNameBytes() - Method in class org.tensorflow.framework.TensorInfo
For dense `Tensor`s, the name of the tensor in the graph.
getNameBytes() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
For dense `Tensor`s, the name of the tensor in the graph.
getNameBytes() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Optional name of the tensor dimension.
getNameBytes() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
Optional name of the tensor dimension.
getNameBytes() - Method in interface org.tensorflow.framework.TensorShapeProto.DimOrBuilder
Optional name of the tensor dimension.
getNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
A name for the Tensor.
getNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
A name for the Tensor.
getNameBytes() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensorOrBuilder
A name for the Tensor.
getNameBytes() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
string name = 1;
getNameBytes() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
string name = 1;
getNameBytes() - Method in interface tensorflow.DevicePropertiesProtos.NamedDeviceOrBuilder
string name = 1;
getNameBytes() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string name = 2;
getNameBytes() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
string name = 2;
getNameBytes() - Method in interface tensorflow.eager.EagerServiceOuterClass.OperationOrBuilder
string name = 2;
getNDArrayFactory() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getNDArrayFromTensor(String, TENSOR_TYPE, GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
getNDArrayFromTensor(String, OnnxProto3.TypeProto.Tensor, OnnxProto3.GraphProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getNDArrayFromTensor(String, NodeDef, GraphDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getNestedContexts(int) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContexts(int) - Method in class org.tensorflow.framework.CondContextDef
Contexts contained inside this context (e.g.
getNestedContexts(int) - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContexts(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContexts(int) - Method in class org.tensorflow.framework.WhileContextDef
Contexts contained inside this context (e.g.
getNestedContexts(int) - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsBuilder(int) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsBuilder(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsBuilderList() - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsBuilderList() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsCount() - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsCount() - Method in class org.tensorflow.framework.CondContextDef
Contexts contained inside this context (e.g.
getNestedContextsCount() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsCount() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsCount() - Method in class org.tensorflow.framework.WhileContextDef
Contexts contained inside this context (e.g.
getNestedContextsCount() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsList() - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsList() - Method in class org.tensorflow.framework.CondContextDef
Contexts contained inside this context (e.g.
getNestedContextsList() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsList() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsList() - Method in class org.tensorflow.framework.WhileContextDef
Contexts contained inside this context (e.g.
getNestedContextsList() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilder(int) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilder(int) - Method in class org.tensorflow.framework.CondContextDef
Contexts contained inside this context (e.g.
getNestedContextsOrBuilder(int) - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilder(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilder(int) - Method in class org.tensorflow.framework.WhileContextDef
Contexts contained inside this context (e.g.
getNestedContextsOrBuilder(int) - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilderList() - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilderList() - Method in class org.tensorflow.framework.CondContextDef
Contexts contained inside this context (e.g.
getNestedContextsOrBuilderList() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilderList() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
getNestedContextsOrBuilderList() - Method in class org.tensorflow.framework.WhileContextDef
Contexts contained inside this context (e.g.
getNestedContextsOrBuilderList() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Contexts contained inside this context (e.g.
getNewGraphBuilder() - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Returns a graph builder for initial definition and parsing.
getNewGraphBuilder() - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getNewGraphBuilder() - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getNewGraphVersion() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
The new version number for the extended graph, to be used in the next call to ExtendSession.
getNewGraphVersion() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
The new version number for the extended graph, to be used in the next call to ExtendSession.
getNewGraphVersion() - Method in interface org.tensorflow.distruntime.ExtendSessionResponseOrBuilder
The new version number for the extended graph, to be used in the next call to ExtendSession.
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
getNextStepId() - Method in class org.tensorflow.distruntime.StepSequence.Builder
int64 next_step_id = 2;
getNextStepId() - Method in class org.tensorflow.distruntime.StepSequence
int64 next_step_id = 2;
getNextStepId() - Method in interface org.tensorflow.distruntime.StepSequenceOrBuilder
int64 next_step_id = 2;
getNMixtures() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
Returns the number of gaussians this loss function will attempt to find.
getNode(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
getNode(int) - Method in class onnx.OnnxMlProto3.GraphProto
The nodes in the graph.
getNode(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The nodes in the graph.
getNode(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
getNode(int) - Method in class onnx.OnnxProto3.GraphProto
The nodes in the graph.
getNode(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The nodes in the graph.
getNode(int) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNode(int) - Method in class org.tensorflow.framework.CostGraphDef
repeated .tensorflow.CostGraphDef.Node node = 1;
getNode(int) - Method in interface org.tensorflow.framework.CostGraphDefOrBuilder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNode(int) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
getNode(int) - Method in class org.tensorflow.framework.GraphDef
repeated .tensorflow.NodeDef node = 1;
getNode(int) - Method in interface org.tensorflow.framework.GraphDefOrBuilder
repeated .tensorflow.NodeDef node = 1;
getNodeBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
getNodeBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
getNodeBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeBuilder(int) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
getNodeBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
getNodeBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
getNodeBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeBuilderList() - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
getNodeCount() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
getNodeCount() - Method in class onnx.OnnxMlProto3.GraphProto
The nodes in the graph.
getNodeCount() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeCount() - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
getNodeCount() - Method in class onnx.OnnxProto3.GraphProto
The nodes in the graph.
getNodeCount() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeCount() - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeCount() - Method in class org.tensorflow.framework.CostGraphDef
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeCount() - Method in interface org.tensorflow.framework.CostGraphDefOrBuilder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeCount() - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
getNodeCount() - Method in class org.tensorflow.framework.GraphDef
repeated .tensorflow.NodeDef node = 1;
getNodeCount() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
repeated .tensorflow.NodeDef node = 1;
getNodeDef(int) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDef(int) - Method in class org.tensorflow.framework.FunctionDef
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDef(int) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefBuilder(int) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefBuilderList() - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefCount() - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefCount() - Method in class org.tensorflow.framework.FunctionDef
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefCount() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefList() - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefList() - Method in class org.tensorflow.framework.FunctionDef
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefList() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefOrBuilder(int) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefOrBuilder(int) - Method in class org.tensorflow.framework.FunctionDef
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefOrBuilder(int) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefOrBuilderList() - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefOrBuilderList() - Method in class org.tensorflow.framework.FunctionDef
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeDefOrBuilderList() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
getNodeId() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
int32 node_id = 2;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
int32 node_id = 2;
getNodeId() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
int32 node_id = 2;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 node_id = 2;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
int32 node_id = 2;
getNodeId() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
int32 node_id = 2;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
int32 node_id = 1;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInput
int32 node_id = 1;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
int32 node_id = 1;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
int32 node_id = 1;
getNodeId() - Method in interface org.tensorflow.framework.GraphTransferNodeInputInfoOrBuilder
int32 node_id = 1;
getNodeId() - Method in interface org.tensorflow.framework.GraphTransferNodeInputOrBuilder
int32 node_id = 1;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
int32 node_id = 1;
getNodeId() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
int32 node_id = 1;
getNodeId() - Method in interface org.tensorflow.framework.GraphTransferNodeOutputInfoOrBuilder
int32 node_id = 1;
getNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the object being referenced.
getNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
An index into `CheckpointableObjectGraph.nodes`, indicating the object being referenced.
getNodeId() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReferenceOrBuilder
An index into `CheckpointableObjectGraph.nodes`, indicating the object being referenced.
getNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfo(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoCount() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoOrBuilder(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInfoOrBuilderList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
getNodeInput(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInput(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInput(int) - Method in interface org.tensorflow.framework.GraphTransferNodeInputInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputBuilder(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputBuilderList() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputCount() - Method in interface org.tensorflow.framework.GraphTransferNodeInputInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfo(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoCount() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoOrBuilder(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputInfoOrBuilderList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
getNodeInputList() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputList() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputList() - Method in interface org.tensorflow.framework.GraphTransferNodeInputInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputOrBuilder(int) - Method in interface org.tensorflow.framework.GraphTransferNodeInputInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeInputOrBuilderList() - Method in interface org.tensorflow.framework.GraphTransferNodeInputInfoOrBuilder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
getNodeList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
getNodeList() - Method in class onnx.OnnxMlProto3.GraphProto
The nodes in the graph.
getNodeList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeList() - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
getNodeList() - Method in class onnx.OnnxProto3.GraphProto
The nodes in the graph.
getNodeList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeList(GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
getNodeList(OnnxProto3.GraphProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getNodeList(GraphDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getNodeList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
getNodeList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.NodeList node_list = 1;
getNodeList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.NodeList node_list = 1;
getNodeList() - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeList() - Method in class org.tensorflow.framework.CostGraphDef
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeList() - Method in interface org.tensorflow.framework.CostGraphDefOrBuilder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeList() - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
getNodeList() - Method in class org.tensorflow.framework.GraphDef
repeated .tensorflow.NodeDef node = 1;
getNodeList() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
repeated .tensorflow.NodeDef node = 1;
getNodeListBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
getNodeListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
getNodeListOrBuilder() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.NodeList node_list = 1;
getNodeListOrBuilder() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.NodeList node_list = 1;
getNodeName(String) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
Map a tensorflow node name to the samediff equivalent for import
getNodeName() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name of the node to watch.
getNodeName() - Method in class org.tensorflow.framework.DebugTensorWatch
Name of the node to watch.
getNodeName() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Name of the node to watch.
getNodeName() - Method in class org.tensorflow.framework.NodeExecStats.Builder
TODO(tucker): Use some more compact form of node identity than the full string name.
getNodeName() - Method in class org.tensorflow.framework.NodeExecStats
TODO(tucker): Use some more compact form of node identity than the full string name.
getNodeName() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
TODO(tucker): Use some more compact form of node identity than the full string name.
getNodeName() - Method in class org.tensorflow.framework.Summary.Value.Builder
This field is deprecated and will not be set.
getNodeName() - Method in class org.tensorflow.framework.Summary.Value
This field is deprecated and will not be set.
getNodeName() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
This field is deprecated and will not be set.
getNodeNameBytes() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name of the node to watch.
getNodeNameBytes() - Method in class org.tensorflow.framework.DebugTensorWatch
Name of the node to watch.
getNodeNameBytes() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Name of the node to watch.
getNodeNameBytes() - Method in class org.tensorflow.framework.NodeExecStats.Builder
TODO(tucker): Use some more compact form of node identity than the full string name.
getNodeNameBytes() - Method in class org.tensorflow.framework.NodeExecStats
TODO(tucker): Use some more compact form of node identity than the full string name.
getNodeNameBytes() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
TODO(tucker): Use some more compact form of node identity than the full string name.
getNodeNameBytes() - Method in class org.tensorflow.framework.Summary.Value.Builder
This field is deprecated and will not be set.
getNodeNameBytes() - Method in class org.tensorflow.framework.Summary.Value
This field is deprecated and will not be set.
getNodeNameBytes() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
This field is deprecated and will not be set.
getNodeOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
getNodeOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto
The nodes in the graph.
getNodeOrBuilder(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
getNodeOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto
The nodes in the graph.
getNodeOrBuilder(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeOrBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeOrBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeOrBuilder(int) - Method in interface org.tensorflow.framework.CostGraphDefOrBuilder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeOrBuilder(int) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
getNodeOrBuilder(int) - Method in class org.tensorflow.framework.GraphDef
repeated .tensorflow.NodeDef node = 1;
getNodeOrBuilder(int) - Method in interface org.tensorflow.framework.GraphDefOrBuilder
repeated .tensorflow.NodeDef node = 1;
getNodeOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
getNodeOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto
The nodes in the graph.
getNodeOrBuilderList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
getNodeOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto
The nodes in the graph.
getNodeOrBuilderList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
The nodes in the graph.
getNodeOrBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeOrBuilderList() - Method in class org.tensorflow.framework.CostGraphDef
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeOrBuilderList() - Method in interface org.tensorflow.framework.CostGraphDefOrBuilder
repeated .tensorflow.CostGraphDef.Node node = 1;
getNodeOrBuilderList() - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
getNodeOrBuilderList() - Method in class org.tensorflow.framework.GraphDef
repeated .tensorflow.NodeDef node = 1;
getNodeOrBuilderList() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
repeated .tensorflow.NodeDef node = 1;
getNodeOutputInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfo(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoCount() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoCount() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoOrBuilder(int) - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoOrBuilder(int) - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoOrBuilderList() - Method in class org.tensorflow.framework.GraphTransferInfo
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodeOutputInfoOrBuilderList() - Method in interface org.tensorflow.framework.GraphTransferInfoOrBuilder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
getNodes() - Method in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
getNodes(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodes(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodes(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraphOrBuilder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesCount() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraphOrBuilder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraphOrBuilder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesOrBuilder(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraphOrBuilder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodesOrBuilderList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraphOrBuilder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
getNodeStats(int) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStats(int) - Method in class org.tensorflow.framework.DeviceStepStats
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStats(int) - Method in interface org.tensorflow.framework.DeviceStepStatsOrBuilder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsBuilder(int) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsBuilderList() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsCount() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsCount() - Method in class org.tensorflow.framework.DeviceStepStats
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsCount() - Method in interface org.tensorflow.framework.DeviceStepStatsOrBuilder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsList() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsList() - Method in class org.tensorflow.framework.DeviceStepStats
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsList() - Method in interface org.tensorflow.framework.DeviceStepStatsOrBuilder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsOrBuilder(int) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsOrBuilder(int) - Method in class org.tensorflow.framework.DeviceStepStats
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsOrBuilder(int) - Method in interface org.tensorflow.framework.DeviceStepStatsOrBuilder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsOrBuilderList() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsOrBuilderList() - Method in class org.tensorflow.framework.DeviceStepStats
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeStatsOrBuilderList() - Method in interface org.tensorflow.framework.DeviceStepStatsOrBuilder
repeated .tensorflow.NodeExecStats node_stats = 2;
getNodeWithNameFromGraph(GRAPH_TYPE, String) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the node from the graph
getNodeWithNameFromGraph(OnnxProto3.GraphProto, String) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getNodeWithNameFromGraph(GraphDef, String) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getNum() - Method in class org.tensorflow.framework.HistogramProto.Builder
double num = 3;
getNum() - Method in class org.tensorflow.framework.HistogramProto
double num = 3;
getNum() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
double num = 3;
getNumaNode() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional NUMA locality of device.
getNumaNode() - Method in class org.tensorflow.framework.DeviceLocality
Optional NUMA locality of device.
getNumaNode() - Method in interface org.tensorflow.framework.DeviceLocalityOrBuilder
Optional NUMA locality of device.
getNumber() - Method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
 
getNumber() - Method in enum onnx.OnnxMlProto3.TensorProto.DataType
 
getNumber() - Method in enum onnx.OnnxMlProto3.TensorShapeProto.Dimension.ValueCase
 
getNumber() - Method in enum onnx.OnnxMlProto3.TypeProto.ValueCase
 
getNumber() - Method in enum onnx.OnnxMlProto3.Version
 
getNumber() - Method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
 
getNumber() - Method in enum onnx.OnnxProto3.AttributeProto.AttributeType
 
getNumber() - Method in enum onnx.OnnxProto3.TensorProto.DataType
 
getNumber() - Method in enum onnx.OnnxProto3.TensorShapeProto.Dimension.ValueCase
 
getNumber() - Method in enum onnx.OnnxProto3.TypeProto.ValueCase
 
getNumber() - Method in enum onnx.OnnxProto3.Version
 
getNumber(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getNumber(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getNumber(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getNumber(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getNumber(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getNumber(long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getNumber() - Method in enum org.tensorflow.framework.ApiDef.Visibility
 
getNumber() - Method in enum org.tensorflow.framework.AttrValue.ValueCase
 
getNumber() - Method in enum org.tensorflow.framework.Code
 
getNumber() - Method in enum org.tensorflow.framework.CollectionDef.KindCase
 
getNumber() - Method in enum org.tensorflow.framework.ControlFlowContextDef.CtxtCase
 
getNumber() - Method in enum org.tensorflow.framework.DataType
 
getNumber() - Method in enum org.tensorflow.framework.GraphTransferInfo.Destination
 
getNumber() - Method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
 
getNumber() - Method in enum org.tensorflow.framework.OptimizerOptions.Level
 
getNumber() - Method in enum org.tensorflow.framework.RewriterConfig.MemOptType
 
getNumber() - Method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
 
getNumber() - Method in enum org.tensorflow.framework.RewriterConfig.Toggle
 
getNumber() - Method in enum org.tensorflow.framework.RunOptions.TraceLevel
 
getNumber() - Method in enum org.tensorflow.framework.Summary.Value.ValueCase
 
getNumber() - Method in enum org.tensorflow.framework.TensorInfo.EncodingCase
 
getNumber() - Method in enum org.tensorflow.framework.TensorSliceProto.Extent.HasLengthCase
 
getNumber() - Method in enum org.tensorflow.util.BundleHeaderProto.Endianness
 
getNumber() - Method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
 
getNumber() - Method in enum tensorflow.eager.EagerServiceOuterClass.QueueItem.ItemCase
 
getNumberAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "int"
getNumberAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef
if specified, attr must have type "int"
getNumberAttr() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
if specified, attr must have type "int"
getNumberAttrBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "int"
getNumberAttrBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef
if specified, attr must have type "int"
getNumberAttrBytes() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
if specified, attr must have type "int"
getNumberOfCycles(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method returns number of iterations of specified node.
getNumberOfCycles() - Method in class org.nd4j.autodiff.samediff.flow.FrameState
This method returns number of cycles for this frame
getNumberOfCycles() - Method in class org.nd4j.autodiff.samediff.flow.NodeState
 
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.
getNumBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Size of value expected, must agree with BufRendezvous entry.
getNumBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest
Size of value expected, must agree with BufRendezvous entry.
getNumBytes() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Size of value expected, must agree with BufRendezvous entry.
getNumBytes() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Byte length of buf_ptr field, if set.
getNumBytes() - Method in class org.tensorflow.distruntime.RecvBufResponse
Byte length of buf_ptr field, if set.
getNumBytes() - Method in interface org.tensorflow.distruntime.RecvBufResponseOrBuilder
Byte length of buf_ptr field, if set.
getNumBytes() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Number of bytes in the allocation.
getNumBytes() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Number of bytes in the allocation.
getNumBytes() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Number of bytes in the allocation.
getNumChannels() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Number of channels of audio.
getNumChannels() - Method in class org.tensorflow.framework.Summary.Audio
Number of channels of audio.
getNumChannels() - Method in interface org.tensorflow.framework.Summary.AudioOrBuilder
Number of channels of audio.
getNumClasses() - Method in class org.nd4j.evaluation.classification.ROCMultiClass
 
getNumCores() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Number of cores
getNumCores() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Number of cores
getNumCores() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Number of cores
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.ConstantDistribution
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.LogNormalDistribution
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.OrthogonalDistribution
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.TruncatedNormalDistribution
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.ConstantDistribution
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.LogNormalDistribution
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.OrthogonalDistribution
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.TruncatedNormalDistribution
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.
getNumHiddenDimension() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getNumLooped() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getNumNewAxes() - Method in class org.nd4j.linalg.indexing.IndexInfo
 
getNumOutputs() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SparseSoftmaxCrossEntropyLossWithLogitsBp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.CumProdBp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.CumSumBp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.MeshGrid
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.Split
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.SplitV
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttention
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttention
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.DynamicPartitionBp
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
getNumOutputs() - Method in class org.nd4j.linalg.api.ops.NoOp
 
getNumPoints() - Method in class org.nd4j.linalg.indexing.IndexInfo
 
getNumRecordsProduced() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 num_records_produced = 3;
getNumRecordsProduced() - Method in class org.tensorflow.framework.ReaderBaseState
int64 num_records_produced = 3;
getNumRecordsProduced() - Method in interface org.tensorflow.framework.ReaderBaseStateOrBuilder
int64 num_records_produced = 3;
getNumRegisters() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Number of registers per core.
getNumRegisters() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Number of registers per core.
getNumRegisters() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Number of registers per core.
getNumReplicas() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
int32 num_replicas = 2;
getNumReplicas() - Method in class org.tensorflow.framework.AutoParallelOptions
int32 num_replicas = 2;
getNumReplicas() - Method in interface org.tensorflow.framework.AutoParallelOptionsOrBuilder
int32 num_replicas = 2;
getNumRowCounter() - Method in class org.nd4j.evaluation.classification.Evaluation
 
getNumShards() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Number of data files in the bundle.
getNumShards() - Method in class org.tensorflow.util.BundleHeaderProto
Number of data files in the bundle.
getNumShards() - Method in interface org.tensorflow.util.BundleHeaderProtoOrBuilder
Number of data files in the bundle.
getNumTasks() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
number of distinct tasks hosting the devices
getNumTasks() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
number of distinct tasks hosting the devices
getNumTasks() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
number of distinct tasks hosting the devices
getNumThreads() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The number of threads in the pool.
getNumThreads() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
The number of threads in the pool.
getNumThreads() - Method in interface org.tensorflow.framework.ThreadPoolOptionProtoOrBuilder
The number of threads in the pool.
getObsoleteOldStyleHistogram() - Method in class org.tensorflow.framework.Summary.Value.Builder
bytes obsolete_old_style_histogram = 3;
getObsoleteOldStyleHistogram() - Method in class org.tensorflow.framework.Summary.Value
bytes obsolete_old_style_histogram = 3;
getObsoleteOldStyleHistogram() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
bytes obsolete_old_style_histogram = 3;
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(LongBuffer, int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffset(LongBuffer, long...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffset(IntBuffer, long...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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(DataBuffer, long...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffset(int[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffset(long[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOffset(long[], long...) - 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
getOffset() - Method in class org.tensorflow.util.BundleEntryProto.Builder
int64 offset = 4;
getOffset() - Method in class org.tensorflow.util.BundleEntryProto
int64 offset = 4;
getOffset() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
int64 offset = 4;
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(long[], long, long) - 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
 
getOffsetUnsafe(long[], long, long, long, long) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOnnxOpMappingFunctions() - Static method in class org.nd4j.imports.converters.ImportClassMapping
 
getOp(int) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
getOp(int) - Method in class org.tensorflow.framework.ApiDefs
repeated .tensorflow.ApiDef op = 1;
getOp(int) - Method in interface org.tensorflow.framework.ApiDefsOrBuilder
repeated .tensorflow.ApiDef op = 1;
getOp() - Method in class org.tensorflow.framework.KernelDef.Builder
Must match the name of an Op.
getOp() - Method in class org.tensorflow.framework.KernelDef
Must match the name of an Op.
getOp() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Must match the name of an Op.
getOp() - Method in class org.tensorflow.framework.NodeDef.Builder
The operation name.
getOp() - Method in class org.tensorflow.framework.NodeDef
The operation name.
getOp() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
The operation name.
getOp(int) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
getOp(int) - Method in class org.tensorflow.framework.OpList
repeated .tensorflow.OpDef op = 1;
getOp(int) - Method in interface org.tensorflow.framework.OpListOrBuilder
repeated .tensorflow.OpDef op = 1;
getOpBuilder(int) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
getOpBuilder(int) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
getOpBuilderList() - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
getOpBuilderList() - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
getOpBytes() - Method in class org.tensorflow.framework.KernelDef.Builder
Must match the name of an Op.
getOpBytes() - Method in class org.tensorflow.framework.KernelDef
Must match the name of an Op.
getOpBytes() - Method in interface org.tensorflow.framework.KernelDefOrBuilder
Must match the name of an Op.
getOpBytes() - Method in class org.tensorflow.framework.NodeDef.Builder
The operation name.
getOpBytes() - Method in class org.tensorflow.framework.NodeDef
The operation name.
getOpBytes() - Method in interface org.tensorflow.framework.NodeDefOrBuilder
The operation name.
getOpClass(Op) - Method in class org.nd4j.linalg.profiler.OpProfiler
This method returns op class opName
getOpClass(CustomOp) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
getOpClasses() - Static method in class org.nd4j.imports.converters.ImportClassMapping
 
getOpCount() - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
getOpCount() - Method in class org.tensorflow.framework.ApiDefs
repeated .tensorflow.ApiDef op = 1;
getOpCount() - Method in interface org.tensorflow.framework.ApiDefsOrBuilder
repeated .tensorflow.ApiDef op = 1;
getOpCount() - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
getOpCount() - Method in class org.tensorflow.framework.OpList
repeated .tensorflow.OpDef op = 1;
getOpCount() - Method in interface org.tensorflow.framework.OpListOrBuilder
repeated .tensorflow.OpDef op = 1;
getOpDefByTensorflowName(String) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
Get the op definition of a given tensorflow op.
getOpDescriptorForOnnx(String) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
Get the op definition of a given onnx op Note that if the name does not exist, an ND4JIllegalStateException will be thrown.
getOpEndRelMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 op_end_rel_micros = 4;
getOpEndRelMicros() - Method in class org.tensorflow.framework.NodeExecStats
int64 op_end_rel_micros = 4;
getOpEndRelMicros() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
int64 op_end_rel_micros = 4;
getOperation() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the operation making the allocation.
getOperation() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Name of the operation making the allocation.
getOperation() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Name of the operation making the allocation.
getOperation() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the operation making the deallocation.
getOperation() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
Name of the operation making the deallocation.
getOperation() - Method in interface org.tensorflow.framework.MemoryLogRawDeallocationOrBuilder
Name of the operation making the deallocation.
getOperation() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
getOperation() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
.tensorflow.eager.Operation operation = 2;
getOperation() - Method in interface tensorflow.eager.EagerServiceOuterClass.QueueItemOrBuilder
.tensorflow.eager.Operation operation = 2;
getOperationBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
getOperationBytes() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the operation making the allocation.
getOperationBytes() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Name of the operation making the allocation.
getOperationBytes() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Name of the operation making the allocation.
getOperationBytes() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the operation making the deallocation.
getOperationBytes() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
Name of the operation making the deallocation.
getOperationBytes() - Method in interface org.tensorflow.framework.MemoryLogRawDeallocationOrBuilder
Name of the operation making the deallocation.
getOperationOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
getOperationOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
.tensorflow.eager.Operation operation = 2;
getOperationOrBuilder() - Method in interface tensorflow.eager.EagerServiceOuterClass.QueueItemOrBuilder
.tensorflow.eager.Operation operation = 2;
getOperationTimeoutInMs() - Method in class org.tensorflow.framework.ConfigProto.Builder
Global timeout for all blocking operations in this session.
getOperationTimeoutInMs() - Method in class org.tensorflow.framework.ConfigProto
Global timeout for all blocking operations in this session.
getOperationTimeoutInMs() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Global timeout for all blocking operations in this session.
getOperator(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
getOperator(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The operators specified by this operator set.
getOperator(int) - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The operators specified by this operator set.
getOperatorBuilder(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
getOperatorBuilderList() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
getOperatorCount() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
getOperatorCount() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The operators specified by this operator set.
getOperatorCount() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The operators specified by this operator set.
getOperatorList() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
getOperatorList() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The operators specified by this operator set.
getOperatorList() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The operators specified by this operator set.
getOperatorOrBuilder(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
getOperatorOrBuilder(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The operators specified by this operator set.
getOperatorOrBuilder(int) - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The operators specified by this operator set.
getOperatorOrBuilderList() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
getOperatorOrBuilderList() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The operators specified by this operator set.
getOperatorOrBuilderList() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The operators specified by this operator set.
getOpId() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
The ID of the operation that produced this tensor.
getOpId() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
The ID of the operation that produced this tensor.
getOpId() - Method in interface tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandleOrBuilder
The ID of the operation that produced this tensor.
getOpId(int) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
Ids to wait on.
getOpId(int) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
Ids to wait on.
getOpId(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequestOrBuilder
Ids to wait on.
getOpIdCount() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
Ids to wait on.
getOpIdCount() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
Ids to wait on.
getOpIdCount() - Method in interface tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequestOrBuilder
Ids to wait on.
getOpIdList() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
Ids to wait on.
getOpIdList() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
Ids to wait on.
getOpIdList() - Method in interface tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequestOrBuilder
Ids to wait on.
getOpList() - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
getOpList() - Method in class org.tensorflow.framework.ApiDefs
repeated .tensorflow.ApiDef op = 1;
getOpList() - Method in interface org.tensorflow.framework.ApiDefsOrBuilder
repeated .tensorflow.ApiDef op = 1;
getOpList() - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
getOpList() - Method in class org.tensorflow.framework.OpList
repeated .tensorflow.OpDef op = 1;
getOpList() - Method in interface org.tensorflow.framework.OpListOrBuilder
repeated .tensorflow.OpDef op = 1;
getOpNameMapping() - Static method in class org.nd4j.imports.converters.ImportClassMapping
 
getOpNum(String, Op.Type) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
This method return operation ID for given op name/type pair.
getOpOrBuilder(int) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
getOpOrBuilder(int) - Method in class org.tensorflow.framework.ApiDefs
repeated .tensorflow.ApiDef op = 1;
getOpOrBuilder(int) - Method in interface org.tensorflow.framework.ApiDefsOrBuilder
repeated .tensorflow.ApiDef op = 1;
getOpOrBuilder(int) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
getOpOrBuilder(int) - Method in class org.tensorflow.framework.OpList
repeated .tensorflow.OpDef op = 1;
getOpOrBuilder(int) - Method in interface org.tensorflow.framework.OpListOrBuilder
repeated .tensorflow.OpDef op = 1;
getOpOrBuilderList() - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
getOpOrBuilderList() - Method in class org.tensorflow.framework.ApiDefs
repeated .tensorflow.ApiDef op = 1;
getOpOrBuilderList() - Method in interface org.tensorflow.framework.ApiDefsOrBuilder
repeated .tensorflow.ApiDef op = 1;
getOpOrBuilderList() - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
getOpOrBuilderList() - Method in class org.tensorflow.framework.OpList
repeated .tensorflow.OpDef op = 1;
getOpOrBuilderList() - Method in interface org.tensorflow.framework.OpListOrBuilder
repeated .tensorflow.OpDef op = 1;
getOpsetImport(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImport(int) - Method in class onnx.OnnxMlProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImport(int) - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImport(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImport(int) - Method in class onnx.OnnxProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImport(int) - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportBuilder(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportBuilderList() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportBuilderList() - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportCount() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportCount() - Method in class onnx.OnnxMlProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportCount() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportCount() - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportCount() - Method in class onnx.OnnxProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportCount() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportList() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportList() - Method in class onnx.OnnxMlProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportList() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportList() - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportList() - Method in class onnx.OnnxProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportList() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportOrBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportOrBuilder(int) - Method in class onnx.OnnxMlProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportOrBuilder(int) - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportOrBuilder(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportOrBuilder(int) - Method in class onnx.OnnxProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportOrBuilder(int) - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportOrBuilderList() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportOrBuilderList() - Method in class onnx.OnnxMlProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportOrBuilderList() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetImportOrBuilderList() - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
getOpsetImportOrBuilderList() - Method in class onnx.OnnxProto3.ModelProto
The OperatorSets this model relies on.
getOpsetImportOrBuilderList() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The OperatorSets this model relies on.
getOpsetVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The version of the set of operators.
getOpsetVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
The version of the set of operators.
getOpsetVersion() - Method in interface onnx.OnnxOperatorsProto3.OperatorSetProtoOrBuilder
The version of the set of operators.
getOpStartRelMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 op_start_rel_micros = 3;
getOpStartRelMicros() - Method in class org.tensorflow.framework.NodeExecStats
int64 op_start_rel_micros = 3;
getOpStartRelMicros() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
int64 op_start_rel_micros = 3;
getOptimizerOptions() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
getOptimizerOptions() - Method in class org.tensorflow.framework.GraphOptions
Options controlling how graph is optimized.
getOptimizerOptions() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Options controlling how graph is optimized.
getOptimizerOptionsBuilder() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
getOptimizerOptionsOrBuilder() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
getOptimizerOptionsOrBuilder() - Method in class org.tensorflow.framework.GraphOptions
Options controlling how graph is optimized.
getOptimizerOptionsOrBuilder() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Options controlling how graph is optimized.
getOptimizers(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizers(int) - Method in class org.tensorflow.framework.RewriterConfig
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizers(int) - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersBytes(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersBytes(int) - Method in class org.tensorflow.framework.RewriterConfig
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersBytes(int) - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersCount() - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersCount() - Method in class org.tensorflow.framework.RewriterConfig
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersCount() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersList() - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersList() - Method in class org.tensorflow.framework.RewriterConfig
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptimizersList() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
getOptions() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
getOptions() - Method in class org.tensorflow.distruntime.MakeCallableRequest
Options that define the behavior of the created callable.
getOptions() - Method in interface org.tensorflow.distruntime.MakeCallableRequestOrBuilder
Options that define the behavior of the created callable.
getOptions() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
getOptions() - Method in class org.tensorflow.distruntime.RunStepRequest
Options for the run call.
getOptions() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Options for the run call.
getOptions() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
getOptions() - Method in class org.tensorflow.distruntime.TracingRequest
.tensorflow.TraceOpts options = 1;
getOptions() - Method in interface org.tensorflow.distruntime.TracingRequestOrBuilder
.tensorflow.TraceOpts options = 1;
getOptionsBuilder() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
getOptionsBuilder() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
getOptionsBuilder() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
getOptionsOrBuilder() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
getOptionsOrBuilder() - Method in class org.tensorflow.distruntime.MakeCallableRequest
Options that define the behavior of the created callable.
getOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.MakeCallableRequestOrBuilder
Options that define the behavior of the created callable.
getOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
getOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RunStepRequest
Options for the run call.
getOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Options for the run call.
getOptionsOrBuilder() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
getOptionsOrBuilder() - Method in class org.tensorflow.distruntime.TracingRequest
.tensorflow.TraceOpts options = 1;
getOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.TracingRequestOrBuilder
.tensorflow.TraceOpts options = 1;
getOptLevel() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Overall optimization level.
getOptLevel() - Method in class org.tensorflow.framework.OptimizerOptions
Overall optimization level.
getOptLevel() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
Overall optimization level.
getOptLevelValue() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Overall optimization level.
getOptLevelValue() - Method in class org.tensorflow.framework.OptimizerOptions
Overall optimization level.
getOptLevelValue() - Method in interface org.tensorflow.framework.OptimizerOptionsOrBuilder
Overall optimization level.
getOpType() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
getOpType() - Method in class onnx.OnnxMlProto3.NodeProto
The symbolic identifier of the Operator to execute.
getOpType() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
The symbolic identifier of the Operator to execute.
getOpType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The name of the operator within a domain.
getOpType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
The name of the operator within a domain.
getOpType() - Method in interface onnx.OnnxOperatorsProto3.OperatorProtoOrBuilder
The name of the operator within a domain.
getOpType() - Method in class onnx.OnnxProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
getOpType() - Method in class onnx.OnnxProto3.NodeProto
The symbolic identifier of the Operator to execute.
getOpType() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
The symbolic identifier of the Operator to execute.
getOpType(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
getOpType(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getOpType(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
getOpType(Op) - Static method in class org.nd4j.linalg.api.ops.BaseOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
getOpType() - Method in interface org.nd4j.linalg.api.ops.BroadcastOp
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
getOpType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
getOpType() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
 
getOpType() - Method in interface org.nd4j.linalg.api.ops.ScalarOp
 
getOpType() - Method in interface org.nd4j.linalg.api.ops.TransformOp
 
getOpTypeBytes() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
getOpTypeBytes() - Method in class onnx.OnnxMlProto3.NodeProto
The symbolic identifier of the Operator to execute.
getOpTypeBytes() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
The symbolic identifier of the Operator to execute.
getOpTypeBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The name of the operator within a domain.
getOpTypeBytes() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
The name of the operator within a domain.
getOpTypeBytes() - Method in interface onnx.OnnxOperatorsProto3.OperatorProtoOrBuilder
The name of the operator within a domain.
getOpTypeBytes() - Method in class onnx.OnnxProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
getOpTypeBytes() - Method in class onnx.OnnxProto3.NodeProto
The symbolic identifier of the Operator to execute.
getOpTypeBytes() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
The symbolic identifier of the Operator to execute.
getOpWithOnnxName(String) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
 
getOpWithTensorflowName(String) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
Get the
getOrder(int[], int[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
Infer order from
getOrder(long[], long[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getOrder(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
Infer the order for the ndarray based on the array's strides
getOrderAsByte() - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
This method returns current byte order for this JVM as libnd4j enum
getOrderFromByte(byte) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
This method just converts enums
getOriginalShapeForPlaceHolder(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Deprecated.
getOriginalVariableNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the variable object this slot was created for.
getOriginalVariableNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
An index into `CheckpointableObjectGraph.nodes`, indicating the variable object this slot was created for.
getOriginalVariableNodeId() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReferenceOrBuilder
An index into `CheckpointableObjectGraph.nodes`, indicating the variable object this slot was created for.
getOutArg(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArg(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArg(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgCount() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgCount() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgCount() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgOrBuilder(int) - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgOrBuilder(int) - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgOrBuilderList() - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgOrBuilderList() - Method in class org.tensorflow.framework.ApiDef
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutArgOrBuilderList() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
getOutput(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutput(int) - Method in class onnx.OnnxMlProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutput(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutput(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getOutput(int) - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getOutput(int) - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getOutput(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutput(int) - Method in class onnx.OnnxProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutput(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutput(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getOutput(int) - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getOutput(int) - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getOutput(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
getOutput(int) - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.NodeOutput output = 7;
getOutput(int) - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.NodeOutput output = 7;
getOutputArg(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
getOutputArg(int) - Method in class org.tensorflow.framework.OpDef
Description of the output(s).
getOutputArg(int) - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the output(s).
getOutputArgBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
getOutputArgBuilderList() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
getOutputArgCount() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
getOutputArgCount() - Method in class org.tensorflow.framework.OpDef
Description of the output(s).
getOutputArgCount() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the output(s).
getOutputArgList() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
getOutputArgList() - Method in class org.tensorflow.framework.OpDef
Description of the output(s).
getOutputArgList() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the output(s).
getOutputArgOrBuilder(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
getOutputArgOrBuilder(int) - Method in class org.tensorflow.framework.OpDef
Description of the output(s).
getOutputArgOrBuilder(int) - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the output(s).
getOutputArgOrBuilderList() - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
getOutputArgOrBuilderList() - Method in class org.tensorflow.framework.OpDef
Description of the output(s).
getOutputArgOrBuilderList() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Description of the output(s).
getOutputArgument(int) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
getOutputArgument(int) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
getOutputArgument(int) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
getOutputArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
getOutputArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
getOutputArrays() - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
getOutputArrays() - Method in interface org.nd4j.linalg.api.ops.OpContext
This method returns List of output arrays defined within this context
getOutputBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
getOutputBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputBuilderList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
getOutputBytes(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getOutputBytes(int) - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getOutputBytes(int) - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getOutputBytes(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getOutputBytes(int) - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getOutputBytes(int) - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getOutputCount() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputCount() - Method in class onnx.OnnxMlProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputCount() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputCount() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getOutputCount() - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getOutputCount() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getOutputCount() - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputCount() - Method in class onnx.OnnxProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputCount() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputCount() - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getOutputCount() - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getOutputCount() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getOutputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 output_count = 7;
getOutputCount() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
int32 output_count = 7;
getOutputCount() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
int32 output_count = 7;
getOutputCount() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
getOutputCount() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.NodeOutput output = 7;
getOutputCount() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.NodeOutput output = 7;
getOutputInfo(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfo(int) - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfo(int) - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoCount() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoCount() - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoCount() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoList() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoList() - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoList() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoOrBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoOrBuilder(int) - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoOrBuilder(int) - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoOrBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoOrBuilderList() - Method in class org.tensorflow.framework.CostGraphDef.Node
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputInfoOrBuilderList() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
getOutputList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputList() - Method in class onnx.OnnxMlProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputList() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
getOutputList() - Method in class onnx.OnnxMlProto3.NodeProto
namespace Value
getOutputList() - Method in interface onnx.OnnxMlProto3.NodeProtoOrBuilder
namespace Value
getOutputList() - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputList() - Method in class onnx.OnnxProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputList() - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
getOutputList() - Method in class onnx.OnnxProto3.NodeProto
namespace Value
getOutputList() - Method in interface onnx.OnnxProto3.NodeProtoOrBuilder
namespace Value
getOutputList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
getOutputList() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.NodeOutput output = 7;
getOutputList() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.NodeOutput output = 7;
getOutputNum() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
The index into the outputs of the operation that produced this tensor.
getOutputNum() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
The index into the outputs of the operation that produced this tensor.
getOutputNum() - Method in interface tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandleOrBuilder
The index into the outputs of the operation that produced this tensor.
getOutputOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilder(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilder(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
getOutputOrBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.NodeOutput output = 7;
getOutputOrBuilder(int) - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.NodeOutput output = 7;
getOutputOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilderList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilderList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
repeated .onnx.ValueInfoProto output = 12;
getOutputOrBuilderList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
getOutputOrBuilderList() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.NodeOutput output = 7;
getOutputOrBuilderList() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.NodeOutput output = 7;
getOutputPartitionGraphs() - Method in class org.tensorflow.framework.RunOptions.Builder
Whether the partition graph(s) executed by the executor(s) should be outputted via RunMetadata.
getOutputPartitionGraphs() - Method in class org.tensorflow.framework.RunOptions
Whether the partition graph(s) executed by the executor(s) should be outputted via RunMetadata.
getOutputPartitionGraphs() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
Whether the partition graph(s) executed by the executor(s) should be outputted via RunMetadata.
getOutputPort() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
int32 output_port = 2;
getOutputPort() - Method in class org.tensorflow.framework.GraphTransferNodeInput
int32 output_port = 2;
getOutputPort() - Method in interface org.tensorflow.framework.GraphTransferNodeInputOrBuilder
int32 output_port = 2;
getOutputs(O, AbstractSession.FrameIter, Set<AbstractSession.VarId>, Set<AbstractSession.VarId>, Set<String>) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
Execute the op - calculate INDArrays, or shape info, etc
getOutputs(DataTypesSession.DataTypeCalc, AbstractSession.FrameIter, Set<AbstractSession.VarId>, Set<AbstractSession.VarId>, Set<String>) - Method in class org.nd4j.autodiff.samediff.internal.DataTypesSession
 
getOutputs(DifferentialFunction, AbstractSession.FrameIter, Set<AbstractSession.VarId>, Set<AbstractSession.VarId>, Set<String>) - Method in class org.nd4j.autodiff.samediff.internal.InferenceSession
 
getOutputs() - Method in class org.tensorflow.framework.SignatureDef.Builder
Deprecated.
getOutputs() - Method in class org.tensorflow.framework.SignatureDef
Deprecated.
getOutputs() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Deprecated.
getOutputsCount() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
getOutputsCount() - Method in class org.tensorflow.framework.SignatureDef
 
getOutputsCount() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named output parameters.
getOutputsForFunction(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns the name(s) of the outputs for the given function
getOutputSlot() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Output slot to watch.
getOutputSlot() - Method in class org.tensorflow.framework.DebugTensorWatch
Output slot to watch.
getOutputSlot() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Output slot to watch.
getOutputsMap() - Method in class org.tensorflow.framework.SignatureDef.Builder
Named output parameters.
getOutputsMap() - Method in class org.tensorflow.framework.SignatureDef
Named output parameters.
getOutputsMap() - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named output parameters.
getOutputsOrDefault(String, TensorInfo) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named output parameters.
getOutputsOrDefault(String, TensorInfo) - Method in class org.tensorflow.framework.SignatureDef
Named output parameters.
getOutputsOrDefault(String, TensorInfo) - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named output parameters.
getOutputsOrThrow(String) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named output parameters.
getOutputsOrThrow(String) - Method in class org.tensorflow.framework.SignatureDef
Named output parameters.
getOutputsOrThrow(String) - Method in interface org.tensorflow.framework.SignatureDefOrBuilder
Named output parameters.
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
getOutputVariablesForFunction(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the output variable(s) for the specified differential function
getPaddingId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 padding_id = 5;
getPaddingId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
int32 padding_id = 5;
getPaddingId() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
int32 padding_id = 5;
getParallelIterations() - Method in class org.tensorflow.framework.WhileContextDef.Builder
The number of iterations allowed to run in parallel.
getParallelIterations() - Method in class org.tensorflow.framework.WhileContextDef
The number of iterations allowed to run in parallel.
getParallelIterations() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
The number of iterations allowed to run in parallel.
getParameterMap() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
Deprecated.
getParameterMap() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
Deprecated.
getParameterMap() - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
Deprecated.
getParameterMapCount() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
getParameterMapCount() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
getParameterMapCount() - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapMap() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapMap() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapMap() - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapOrDefault(String, AttrValue) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapOrDefault(String, AttrValue) - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapOrThrow(String) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapOrThrow(String) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
map<string, .tensorflow.AttrValue> parameter_map = 2;
getParameterMapOrThrow(String) - Method in interface org.tensorflow.framework.RewriterConfig.CustomGraphOptimizerOrBuilder
map<string, .tensorflow.AttrValue> parameter_map = 2;
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.
getParserForType() - Method in class onnx.OnnxMlProto3.AttributeProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.GraphProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.ModelProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.NodeProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.TensorProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
getParserForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
getParserForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.TypeProto
 
getParserForType() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
getParserForType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
getParserForType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
getParserForType() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
getParserForType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
getParserForType() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
getParserForType() - Method in class onnx.OnnxProto3.AttributeProto
 
getParserForType() - Method in class onnx.OnnxProto3.GraphProto
 
getParserForType() - Method in class onnx.OnnxProto3.ModelProto
 
getParserForType() - Method in class onnx.OnnxProto3.NodeProto
 
getParserForType() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
getParserForType() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
getParserForType() - Method in class onnx.OnnxProto3.TensorProto
 
getParserForType() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
getParserForType() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
getParserForType() - Method in class onnx.OnnxProto3.TensorShapeProto
 
getParserForType() - Method in class onnx.OnnxProto3.TypeProto
 
getParserForType() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
getParserForType() - Method in class onnx.OnnxProto3.ValueInfoProto
 
getParserForType() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.ClusterDef
 
getParserForType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
getParserForType() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.JobDef
 
getParserForType() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
getParserForType() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.LoggingRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.LoggingResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.ResetRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.ResetResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.RunStepRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.RunStepResponse
 
getParserForType() - Method in class org.tensorflow.distruntime.ServerDef
 
getParserForType() - Method in class org.tensorflow.distruntime.StepSequence
 
getParserForType() - Method in class org.tensorflow.distruntime.TraceOpts
 
getParserForType() - Method in class org.tensorflow.distruntime.TracingRequest
 
getParserForType() - Method in class org.tensorflow.distruntime.TracingResponse
 
getParserForType() - Method in class org.tensorflow.framework.AllocationDescription
 
getParserForType() - Method in class org.tensorflow.framework.AllocationRecord
 
getParserForType() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
getParserForType() - Method in class org.tensorflow.framework.ApiDef.Arg
 
getParserForType() - Method in class org.tensorflow.framework.ApiDef.Attr
 
getParserForType() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
getParserForType() - Method in class org.tensorflow.framework.ApiDef
 
getParserForType() - Method in class org.tensorflow.framework.ApiDefs
 
getParserForType() - Method in class org.tensorflow.framework.AssetFileDef
 
getParserForType() - Method in class org.tensorflow.framework.AttrValue
 
getParserForType() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
getParserForType() - Method in class org.tensorflow.framework.AutoParallelOptions
 
getParserForType() - Method in class org.tensorflow.framework.CallableOptions
 
getParserForType() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
getParserForType() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
getParserForType() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
getParserForType() - Method in class org.tensorflow.framework.CollectionDef
 
getParserForType() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
getParserForType() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
getParserForType() - Method in class org.tensorflow.framework.CondContextDef
 
getParserForType() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
getParserForType() - Method in class org.tensorflow.framework.ConfigProto
 
getParserForType() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
getParserForType() - Method in class org.tensorflow.framework.CostGraphDef
 
getParserForType() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
getParserForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
getParserForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
getParserForType() - Method in class org.tensorflow.framework.CriticalSectionDef
 
getParserForType() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
getParserForType() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
getParserForType() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
getParserForType() - Method in class org.tensorflow.framework.DebugOptions
 
getParserForType() - Method in class org.tensorflow.framework.DebugTensorWatch
 
getParserForType() - Method in class org.tensorflow.framework.DeviceAttributes
 
getParserForType() - Method in class org.tensorflow.framework.DeviceLocality
 
getParserForType() - Method in class org.tensorflow.framework.DeviceStepStats
 
getParserForType() - Method in class org.tensorflow.framework.FunctionDef
 
getParserForType() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
getParserForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
getParserForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
getParserForType() - Method in class org.tensorflow.framework.GPUOptions
 
getParserForType() - Method in class org.tensorflow.framework.GradientDef
 
getParserForType() - Method in class org.tensorflow.framework.GraphDef
 
getParserForType() - Method in class org.tensorflow.framework.GraphOptions
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferInfo
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
getParserForType() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
getParserForType() - Method in class org.tensorflow.framework.HistogramProto
 
getParserForType() - Method in class org.tensorflow.framework.InterconnectLink
 
getParserForType() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
getParserForType() - Method in class org.tensorflow.framework.KernelDef
 
getParserForType() - Method in class org.tensorflow.framework.LocalLinks
 
getParserForType() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
getParserForType() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
getParserForType() - Method in class org.tensorflow.framework.MemoryLogStep
 
getParserForType() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
getParserForType() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
getParserForType() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
getParserForType() - Method in class org.tensorflow.framework.MemoryStats
 
getParserForType() - Method in class org.tensorflow.framework.MetaGraphDef
 
getParserForType() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
getParserForType() - Method in class org.tensorflow.framework.NameAttrList
 
getParserForType() - Method in class org.tensorflow.framework.NamedTensorProto
 
getParserForType() - Method in class org.tensorflow.framework.NodeDef
 
getParserForType() - Method in class org.tensorflow.framework.NodeExecStats
 
getParserForType() - Method in class org.tensorflow.framework.NodeOutput
 
getParserForType() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
getParserForType() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
getParserForType() - Method in class org.tensorflow.framework.OpDef
 
getParserForType() - Method in class org.tensorflow.framework.OpDeprecation
 
getParserForType() - Method in class org.tensorflow.framework.OpList
 
getParserForType() - Method in class org.tensorflow.framework.OptimizerOptions
 
getParserForType() - Method in class org.tensorflow.framework.QueueRunnerDef
 
getParserForType() - Method in class org.tensorflow.framework.ReaderBaseState
 
getParserForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
getParserForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
getParserForType() - Method in class org.tensorflow.framework.ResourceHandleProto
 
getParserForType() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
getParserForType() - Method in class org.tensorflow.framework.RewriterConfig
 
getParserForType() - Method in class org.tensorflow.framework.RPCOptions
 
getParserForType() - Method in class org.tensorflow.framework.RunMetadata
 
getParserForType() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
getParserForType() - Method in class org.tensorflow.framework.RunOptions
 
getParserForType() - Method in class org.tensorflow.framework.SavedModel
 
getParserForType() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
getParserForType() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
getParserForType() - Method in class org.tensorflow.framework.SignatureDef
 
getParserForType() - Method in class org.tensorflow.framework.StepStats
 
getParserForType() - Method in class org.tensorflow.framework.Summary.Audio
 
getParserForType() - Method in class org.tensorflow.framework.Summary
 
getParserForType() - Method in class org.tensorflow.framework.Summary.Image
 
getParserForType() - Method in class org.tensorflow.framework.Summary.Value
 
getParserForType() - Method in class org.tensorflow.framework.SummaryDescription
 
getParserForType() - Method in class org.tensorflow.framework.SummaryMetadata
 
getParserForType() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
getParserForType() - Method in class org.tensorflow.framework.TensorConnection
 
getParserForType() - Method in class org.tensorflow.framework.TensorDescription
 
getParserForType() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
getParserForType() - Method in class org.tensorflow.framework.TensorInfo
 
getParserForType() - Method in class org.tensorflow.framework.TensorProto
 
getParserForType() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
getParserForType() - Method in class org.tensorflow.framework.TensorShapeProto
 
getParserForType() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
getParserForType() - Method in class org.tensorflow.framework.TensorSliceProto
 
getParserForType() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
getParserForType() - Method in class org.tensorflow.framework.ValuesDef
 
getParserForType() - Method in class org.tensorflow.framework.VariableDef
 
getParserForType() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
getParserForType() - Method in class org.tensorflow.framework.VersionDef
 
getParserForType() - Method in class org.tensorflow.framework.WhileContextDef
 
getParserForType() - Method in class org.tensorflow.util.BundleEntryProto
 
getParserForType() - Method in class org.tensorflow.util.BundleHeaderProto
 
getParserForType() - Method in class org.tensorflow.util.IteratorStateMetadata
 
getParserForType() - Method in class org.tensorflow.util.SaverDef
 
getParserForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
getParserForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
getParserForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
getParserForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
getParserForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
getParserForType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
getParserForType() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
getParserForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
getParserForType() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
getPartialRunHandle() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
getPartialRunHandle() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
getPartialRunHandle() - Method in interface org.tensorflow.distruntime.PartialRunSetupResponseOrBuilder
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
getPartialRunHandle() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Partial run handle (optional).
getPartialRunHandle() - Method in class org.tensorflow.distruntime.RunStepRequest
Partial run handle (optional).
getPartialRunHandle() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Partial run handle (optional).
getPartialRunHandleBytes() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
getPartialRunHandleBytes() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
getPartialRunHandleBytes() - Method in interface org.tensorflow.distruntime.PartialRunSetupResponseOrBuilder
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
getPartialRunHandleBytes() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Partial run handle (optional).
getPartialRunHandleBytes() - Method in class org.tensorflow.distruntime.RunStepRequest
Partial run handle (optional).
getPartialRunHandleBytes() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Partial run handle (optional).
getPartitionGraph(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraph(int) - Method in class org.tensorflow.distruntime.RunGraphResponse
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraph(int) - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphBuilderList() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphCount() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphCount() - Method in class org.tensorflow.distruntime.RunGraphResponse
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphCount() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphList() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphList() - Method in class org.tensorflow.distruntime.RunGraphResponse
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphList() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphOrBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphOrBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphOrBuilder(int) - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphOrBuilderList() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphOrBuilderList() - Method in class org.tensorflow.distruntime.RunGraphResponse
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphOrBuilderList() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
repeated .tensorflow.GraphDef partition_graph = 4;
getPartitionGraphs(int) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
getPartitionGraphs(int) - Method in class org.tensorflow.framework.RunMetadata
Graphs of the partitions executed by executors.
getPartitionGraphs(int) - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Graphs of the partitions executed by executors.
getPartitionGraphsBuilder(int) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
getPartitionGraphsBuilderList() - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
getPartitionGraphsCount() - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
getPartitionGraphsCount() - Method in class org.tensorflow.framework.RunMetadata
Graphs of the partitions executed by executors.
getPartitionGraphsCount() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Graphs of the partitions executed by executors.
getPartitionGraphsList() - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
getPartitionGraphsList() - Method in class org.tensorflow.framework.RunMetadata
Graphs of the partitions executed by executors.
getPartitionGraphsList() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Graphs of the partitions executed by executors.
getPartitionGraphsOrBuilder(int) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
getPartitionGraphsOrBuilder(int) - Method in class org.tensorflow.framework.RunMetadata
Graphs of the partitions executed by executors.
getPartitionGraphsOrBuilder(int) - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Graphs of the partitions executed by executors.
getPartitionGraphsOrBuilderList() - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
getPartitionGraphsOrBuilderList() - Method in class org.tensorflow.framework.RunMetadata
Graphs of the partitions executed by executors.
getPartitionGraphsOrBuilderList() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Graphs of the partitions executed by executors.
getPeakBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
int64 peak_bytes = 3;
getPeakBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
int64 peak_bytes = 3;
getPeakBytes() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
int64 peak_bytes = 3;
getPercentile(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getPercentile(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getPermutedWithShape(char, long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getPermutedWithShape(long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getPerProcessGpuMemoryFraction() - Method in class org.tensorflow.framework.GPUOptions.Builder
Fraction of the available GPU memory to allocate for each process.
getPerProcessGpuMemoryFraction() - Method in class org.tensorflow.framework.GPUOptions
Fraction of the available GPU memory to allocate for each process.
getPerProcessGpuMemoryFraction() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
Fraction of the available GPU memory to allocate for each process.
getPersistentMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Persistent memory used by this node.
getPersistentMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node
Persistent memory used by this node.
getPersistentMemorySize() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Persistent memory used by this node.
getPersistentMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
int64 persistent_memory_size = 3;
getPersistentMemorySize() - Method in class org.tensorflow.framework.MemoryStats
int64 persistent_memory_size = 3;
getPersistentMemorySize() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
int64 persistent_memory_size = 3;
getPersistentTensorAllocIds(int) - Method in class org.tensorflow.framework.MemoryStats.Builder
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIds(int) - Method in class org.tensorflow.framework.MemoryStats
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIds(int) - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIdsCount() - Method in class org.tensorflow.framework.MemoryStats.Builder
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIdsCount() - Method in class org.tensorflow.framework.MemoryStats
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIdsCount() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIdsList() - Method in class org.tensorflow.framework.MemoryStats.Builder
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIdsList() - Method in class org.tensorflow.framework.MemoryStats
repeated int64 persistent_tensor_alloc_ids = 5;
getPersistentTensorAllocIdsList() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
repeated int64 persistent_tensor_alloc_ids = 5;
getPFactor(int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getPFactor(int, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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.
getPhysicalDeviceDesc() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of the physical device that this device maps to.
getPhysicalDeviceDesc() - Method in class org.tensorflow.framework.DeviceAttributes
String representation of the physical device that this device maps to.
getPhysicalDeviceDesc() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
String representation of the physical device that this device maps to.
getPhysicalDeviceDescBytes() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of the physical device that this device maps to.
getPhysicalDeviceDescBytes() - Method in class org.tensorflow.framework.DeviceAttributes
String representation of the physical device that this device maps to.
getPhysicalDeviceDescBytes() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
String representation of the physical device that this device maps to.
getPinnedSize() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes in pinned allocations.
getPivotForBodyName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_body tensor.
getPivotForBodyName() - Method in class org.tensorflow.framework.WhileContextDef
Name of the pivot_for_body tensor.
getPivotForBodyName() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the pivot_for_body tensor.
getPivotForBodyNameBytes() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_body tensor.
getPivotForBodyNameBytes() - Method in class org.tensorflow.framework.WhileContextDef
Name of the pivot_for_body tensor.
getPivotForBodyNameBytes() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the pivot_for_body tensor.
getPivotForPredName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_pred tensor.
getPivotForPredName() - Method in class org.tensorflow.framework.WhileContextDef
Name of the pivot_for_pred tensor.
getPivotForPredName() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the pivot_for_pred tensor.
getPivotForPredNameBytes() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_pred tensor.
getPivotForPredNameBytes() - Method in class org.tensorflow.framework.WhileContextDef
Name of the pivot_for_pred tensor.
getPivotForPredNameBytes() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the pivot_for_pred tensor.
getPivotName() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pivot tensor.
getPivotName() - Method in class org.tensorflow.framework.CondContextDef
Name of the pivot tensor.
getPivotName() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Name of the pivot tensor.
getPivotName() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot tensor.
getPivotName() - Method in class org.tensorflow.framework.WhileContextDef
Name of the pivot tensor.
getPivotName() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the pivot tensor.
getPivotNameBytes() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pivot tensor.
getPivotNameBytes() - Method in class org.tensorflow.framework.CondContextDef
Name of the pivot tensor.
getPivotNameBytes() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Name of the pivot tensor.
getPivotNameBytes() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot tensor.
getPivotNameBytes() - Method in class org.tensorflow.framework.WhileContextDef
Name of the pivot tensor.
getPivotNameBytes() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Name of the pivot tensor.
getPlaceholder() - Method in class org.tensorflow.framework.AttrValue.Builder
This is a placeholder only used in nodes defined inside a function.
getPlaceholder() - Method in class org.tensorflow.framework.AttrValue
This is a placeholder only used in nodes defined inside a function.
getPlaceholder() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
This is a placeholder only used in nodes defined inside a function.
getPlaceholderBytes() - Method in class org.tensorflow.framework.AttrValue.Builder
This is a placeholder only used in nodes defined inside a function.
getPlaceholderBytes() - Method in class org.tensorflow.framework.AttrValue
This is a placeholder only used in nodes defined inside a function.
getPlaceholderBytes() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
This is a placeholder only used in nodes defined inside a function.
getPlacementPeriod() - Method in class org.tensorflow.framework.ConfigProto.Builder
Assignment of Nodes to Devices is recomputed every placement_period steps until the system warms up (at which point the recomputation typically slows down automatically).
getPlacementPeriod() - Method in class org.tensorflow.framework.ConfigProto
Assignment of Nodes to Devices is recomputed every placement_period steps until the system warms up (at which point the recomputation typically slows down automatically).
getPlacementPeriod() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Assignment of Nodes to Devices is recomputed every placement_period steps until the system warms up (at which point the recomputation typically slows down automatically).
getPlacePrunedGraph() - Method in class org.tensorflow.framework.GraphOptions.Builder
Only place the subgraphs that are run, rather than the entire graph.
getPlacePrunedGraph() - Method in class org.tensorflow.framework.GraphOptions
Only place the subgraphs that are run, rather than the entire graph.
getPlacePrunedGraph() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Only place the subgraphs that are run, rather than the entire graph.
getPluginData() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
getPluginData() - Method in class org.tensorflow.framework.SummaryMetadata
Data that associates a summary with a certain plugin.
getPluginData() - Method in interface org.tensorflow.framework.SummaryMetadataOrBuilder
Data that associates a summary with a certain plugin.
getPluginDataBuilder() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
getPluginDataOrBuilder() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
getPluginDataOrBuilder() - Method in class org.tensorflow.framework.SummaryMetadata
Data that associates a summary with a certain plugin.
getPluginDataOrBuilder() - Method in interface org.tensorflow.framework.SummaryMetadataOrBuilder
Data that associates a summary with a certain plugin.
getPluginName() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The name of the plugin this data pertains to.
getPluginName() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
The name of the plugin this data pertains to.
getPluginName() - Method in interface org.tensorflow.framework.SummaryMetadata.PluginDataOrBuilder
The name of the plugin this data pertains to.
getPluginNameBytes() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The name of the plugin this data pertains to.
getPluginNameBytes() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
The name of the plugin this data pertains to.
getPluginNameBytes() - Method in interface org.tensorflow.framework.SummaryMetadata.PluginDataOrBuilder
The name of the plugin this data pertains to.
getPointAtPrecision(double) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
Get the point (index, threshold, precision, recall) at the given precision.
Specifically, return the points at the lowest threshold that has precision equal to or greater than the requested precision.
getPointAtRecall(double) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
Get the point (index, threshold, precision, recall) at the given recall.
Specifically, return the points at the highest threshold that has recall equal to or greater than the requested recall.
getPointAtThreshold(double) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
Get the point (index, threshold, precision, recall) at the given threshold.
Note that if the threshold is not found exactly, the next highest threshold exceeding the requested threshold is returned
getPointerB() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
getPointerBArray() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
getPointerE() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
getPointerEArray() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
getPollingActiveDelayUsecs() - Method in class org.tensorflow.framework.GPUOptions.Builder
In the event polling loop sleep this many microseconds between PollEvents calls, when the queue is not empty.
getPollingActiveDelayUsecs() - Method in class org.tensorflow.framework.GPUOptions
In the event polling loop sleep this many microseconds between PollEvents calls, when the queue is not empty.
getPollingActiveDelayUsecs() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
In the event polling loop sleep this many microseconds between PollEvents calls, when the queue is not empty.
getPollingInactiveDelayMsecs() - Method in class org.tensorflow.framework.GPUOptions.Builder
This field is deprecated and ignored.
getPollingInactiveDelayMsecs() - Method in class org.tensorflow.framework.GPUOptions
This field is deprecated and ignored.
getPollingInactiveDelayMsecs() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
This field is deprecated and ignored.
getPoolingPrefix() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
getPoolingPrefix() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
getPoolingPrefix() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
getPoolingPrefix() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
getPoolingPrefix() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
getPoolingPrefix() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
getPosition() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
getPosition() - Method in interface org.nd4j.linalg.api.rng.Random
This method returns number of elements consumed
getPrecedingNode() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
int32 preceding_node = 1;
getPrecedingNode() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
int32 preceding_node = 1;
getPrecedingNode() - Method in interface org.tensorflow.framework.CostGraphDef.Node.InputInfoOrBuilder
int32 preceding_node = 1;
getPrecedingPort() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
int32 preceding_port = 2;
getPrecedingPort() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
int32 preceding_port = 2;
getPrecedingPort() - Method in interface org.tensorflow.framework.CostGraphDef.Node.InputInfoOrBuilder
int32 preceding_port = 2;
getPrecision(int) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
getPrecisionRecallCurve() - Method in class org.nd4j.evaluation.classification.ROC
Get the precision recall curve as array.
getPrecisionRecallCurve(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Get the Precision-Recall curve for the specified output
getPrecisionRecallCurve(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Get the (one vs.
getPredicate() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getPredicate() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getPredicateExecution() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getPredicateExecution() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getPredictedTotal(T) - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Computes the total number of times the class was predicted by the classifier.
getPredictionByPredictedClass(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Get a list of predictions, for all data with the specified predicted class, regardless of the actual data class.
getPredictionCountsEachClass() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
getPredictionErrors() - Method in class org.nd4j.evaluation.classification.Evaluation
Get a list of prediction errors, on a per-record basis
getPredictions(int, int) - Method in class org.nd4j.evaluation.classification.Evaluation
Get a list of predictions in the specified confusion matrix entry (i.e., for the given actua/predicted class pair)
getPredictionsByActualClass(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Get a list of predictions, for all data with the specified actual class, regardless of the predicted class.
getPredName() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pred tensor.
getPredName() - Method in class org.tensorflow.framework.CondContextDef
Name of the pred tensor.
getPredName() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Name of the pred tensor.
getPredNameBytes() - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pred tensor.
getPredNameBytes() - Method in class org.tensorflow.framework.CondContextDef
Name of the pred tensor.
getPredNameBytes() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Name of the pred tensor.
getPreProcessor() - Method in class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
getPreProcessor() - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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
 
getProbabilityHistogram(int) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
Return a probability histogram of the specified label class index.
getProbabilityHistogramAllClasses() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
Return a probability histogram for all predictions/classes.
getProbabilityOfSuccess() - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
Access the probability of success for this distribution.
getProbAndLabelUsed() - Method in class org.nd4j.evaluation.classification.ROC
 
getProducer() - Method in class org.tensorflow.framework.VersionDef.Builder
The version of the code that produced this data.
getProducer() - Method in class org.tensorflow.framework.VersionDef
The version of the code that produced this data.
getProducer() - Method in interface org.tensorflow.framework.VersionDefOrBuilder
The version of the code that produced this data.
getProducerName() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
getProducerName() - Method in class onnx.OnnxMlProto3.ModelProto
The name of the framework or tool used to generate this model.
getProducerName() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The name of the framework or tool used to generate this model.
getProducerName() - Method in class onnx.OnnxProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
getProducerName() - Method in class onnx.OnnxProto3.ModelProto
The name of the framework or tool used to generate this model.
getProducerName() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The name of the framework or tool used to generate this model.
getProducerNameBytes() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
getProducerNameBytes() - Method in class onnx.OnnxMlProto3.ModelProto
The name of the framework or tool used to generate this model.
getProducerNameBytes() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The name of the framework or tool used to generate this model.
getProducerNameBytes() - Method in class onnx.OnnxProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
getProducerNameBytes() - Method in class onnx.OnnxProto3.ModelProto
The name of the framework or tool used to generate this model.
getProducerNameBytes() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The name of the framework or tool used to generate this model.
getProducerVersion() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
getProducerVersion() - Method in class onnx.OnnxMlProto3.ModelProto
The version of the framework or tool used to generate this model.
getProducerVersion() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The version of the framework or tool used to generate this model.
getProducerVersion() - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
getProducerVersion() - Method in class onnx.OnnxProto3.ModelProto
The version of the framework or tool used to generate this model.
getProducerVersion() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The version of the framework or tool used to generate this model.
getProducerVersionBytes() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
getProducerVersionBytes() - Method in class onnx.OnnxMlProto3.ModelProto
The version of the framework or tool used to generate this model.
getProducerVersionBytes() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The version of the framework or tool used to generate this model.
getProducerVersionBytes() - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
getProducerVersionBytes() - Method in class onnx.OnnxProto3.ModelProto
The version of the framework or tool used to generate this model.
getProducerVersionBytes() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The version of the framework or tool used to generate this model.
getProfilingMode() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Deprecated.
getProfilingMode() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Deprecated.
getProperties() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
getProperties() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
.tensorflow.DeviceProperties properties = 2;
getProperties() - Method in interface tensorflow.DevicePropertiesProtos.NamedDeviceOrBuilder
.tensorflow.DeviceProperties properties = 2;
getPropertiesBuilder() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
getPropertiesOrBuilder() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
getPropertiesOrBuilder() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
.tensorflow.DeviceProperties properties = 2;
getPropertiesOrBuilder() - Method in interface tensorflow.DevicePropertiesProtos.NamedDeviceOrBuilder
.tensorflow.DeviceProperties properties = 2;
getProtocol() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The protocol to be used by this server.
getProtocol() - Method in class org.tensorflow.distruntime.ServerDef
The protocol to be used by this server.
getProtocol() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The protocol to be used by this server.
getProtocolBytes() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The protocol to be used by this server.
getProtocolBytes() - Method in class org.tensorflow.distruntime.ServerDef
The protocol to be used by this server.
getProtocolBytes() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The protocol to be used by this server.
getPtr() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Address of the allocation.
getPtr() - Method in class org.tensorflow.framework.AllocationDescription
Address of the allocation.
getPtr() - Method in interface org.tensorflow.framework.AllocationDescriptionOrBuilder
Address of the allocation.
getPtr() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Address of the allocation.
getPtr() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Address of the allocation.
getPtr() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Address of the allocation.
getQueue(int) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueue(int) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
repeated .tensorflow.eager.QueueItem queue = 3;
getQueue(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.EnqueueRequestOrBuilder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueClosedExceptionTypes(int) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypes(int) - Method in class org.tensorflow.framework.QueueRunnerDef
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypes(int) - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesCount() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesCount() - Method in class org.tensorflow.framework.QueueRunnerDef
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesCount() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesList() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesList() - Method in class org.tensorflow.framework.QueueRunnerDef
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesList() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesValue(int) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesValue(int) - Method in class org.tensorflow.framework.QueueRunnerDef
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesValue(int) - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesValueList() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesValueList() - Method in class org.tensorflow.framework.QueueRunnerDef
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueClosedExceptionTypesValueList() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
getQueueCount() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueCount() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueCount() - Method in interface tensorflow.eager.EagerServiceOuterClass.EnqueueRequestOrBuilder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueLength() - Method in interface org.nd4j.linalg.api.ops.executioner.GridExecutioner
This method returns number of operations currently enqueued for execution
getQueueList() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueList() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueList() - Method in interface tensorflow.eager.EagerServiceOuterClass.EnqueueRequestOrBuilder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueName() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
Queue name.
getQueueName() - Method in class org.tensorflow.framework.QueueRunnerDef
Queue name.
getQueueName() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
Queue name.
getQueueNameBytes() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
Queue name.
getQueueNameBytes() - Method in class org.tensorflow.framework.QueueRunnerDef
Queue name.
getQueueNameBytes() - Method in interface org.tensorflow.framework.QueueRunnerDefOrBuilder
Queue name.
getQueueOrBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueOrBuilder(int) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueOrBuilder(int) - Method in interface tensorflow.eager.EagerServiceOuterClass.EnqueueRequestOrBuilder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueOrBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueOrBuilderList() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
repeated .tensorflow.eager.QueueItem queue = 3;
getQueueOrBuilderList() - Method in interface tensorflow.eager.EagerServiceOuterClass.EnqueueRequestOrBuilder
repeated .tensorflow.eager.QueueItem queue = 3;
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
 
getRawData() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Serializations can either use one of the fields above, or use this raw bytes field.
getRawData() - Method in class onnx.OnnxMlProto3.TensorProto
Serializations can either use one of the fields above, or use this raw bytes field.
getRawData() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
Serializations can either use one of the fields above, or use this raw bytes field.
getRawData() - Method in class onnx.OnnxProto3.TensorProto.Builder
Serializations can either use one of the fields above, or use this raw bytes field.
getRawData() - Method in class onnx.OnnxProto3.TensorProto
Serializations can either use one of the fields above, or use this raw bytes field.
getRawData() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
Serializations can either use one of the fields above, or use this raw bytes field.
getRealArguments() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getRealArguments() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getRecall(int) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
getRecordCosts() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_costs = 1;
getRecordCosts() - Method in class org.tensorflow.distruntime.ExecutorOpts
bool record_costs = 1;
getRecordCosts() - Method in interface org.tensorflow.distruntime.ExecutorOptsOrBuilder
bool record_costs = 1;
getRecordMetaData(Class<T>) - Method in class org.nd4j.evaluation.meta.Prediction
Convenience method for getting the record meta data as a particular class (as an alternative to casting it manually).
getRecordPartitionGraphs() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_partition_graphs = 4;
getRecordPartitionGraphs() - Method in class org.tensorflow.distruntime.ExecutorOpts
bool record_partition_graphs = 4;
getRecordPartitionGraphs() - Method in interface org.tensorflow.distruntime.ExecutorOptsOrBuilder
bool record_partition_graphs = 4;
getRecordTimeline() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_timeline = 3;
getRecordTimeline() - Method in class org.tensorflow.distruntime.ExecutorOpts
bool record_timeline = 3;
getRecordTimeline() - Method in interface org.tensorflow.distruntime.ExecutorOptsOrBuilder
bool record_timeline = 3;
getRecv(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecv(int) - Method in class org.tensorflow.distruntime.RunGraphResponse
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecv(int) - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvBuilderList() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvCount() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvCount() - Method in class org.tensorflow.distruntime.RunGraphResponse
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvCount() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvKey(int) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
getRecvKey(int) - Method in class org.tensorflow.distruntime.RunGraphRequest
repeated string recv_key = 4;
getRecvKey(int) - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
repeated string recv_key = 4;
getRecvKeyBytes(int) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
getRecvKeyBytes(int) - Method in class org.tensorflow.distruntime.RunGraphRequest
repeated string recv_key = 4;
getRecvKeyBytes(int) - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
repeated string recv_key = 4;
getRecvKeyCount() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
getRecvKeyCount() - Method in class org.tensorflow.distruntime.RunGraphRequest
repeated string recv_key = 4;
getRecvKeyCount() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
repeated string recv_key = 4;
getRecvKeyList() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
getRecvKeyList() - Method in class org.tensorflow.distruntime.RunGraphRequest
repeated string recv_key = 4;
getRecvKeyList() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
repeated string recv_key = 4;
getRecvList() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvList() - Method in class org.tensorflow.distruntime.RunGraphResponse
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvList() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvOrBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvOrBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphResponse
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvOrBuilder(int) - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvOrBuilderList() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvOrBuilderList() - Method in class org.tensorflow.distruntime.RunGraphResponse
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getRecvOrBuilderList() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
getReducedShape(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the shape of the reduced array
getReducedShape(long[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getReducedShape(int[], int[], boolean, boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the shape of the reduced array
getReducedShape(long[], int[], boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getReducedShape(long[], int[], boolean, boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getReferencedTensor(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensor(int) - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensor(int) - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorBuilderList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorCount() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorCount() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorCount() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorList() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorList() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorOrBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorOrBuilder(int) - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorOrBuilder(int) - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorOrBuilderList() - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorOrBuilderList() - Method in class org.tensorflow.framework.NodeExecStats
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReferencedTensorOrBuilderList() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
getReliabilityDiagram(int) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
Get the reliability diagram for the specified class
getRemapping() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
getRemapping() - Method in class org.tensorflow.framework.RewriterConfig
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
getRemapping() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
getRemappingValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
getRemappingValue() - Method in class org.tensorflow.framework.RewriterConfig
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
getRemappingValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
getRemoteDevice(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDevice(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDevice(int) - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceBuilderList() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceCount() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceCount() - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceCount() - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceList() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceList() - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceList() - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceOrBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceOrBuilder(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceOrBuilder(int) - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceOrBuilderList() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceOrBuilderList() - Method in class org.tensorflow.distruntime.ListDevicesResponse
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteDeviceOrBuilderList() - Method in interface org.tensorflow.distruntime.ListDevicesResponseOrBuilder
repeated .tensorflow.DeviceAttributes remote_device = 2;
getRemoteGraph() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
getRemoteGraph() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Definition of remote graph
getRemoteGraph() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Definition of remote graph
getRemoteGraphBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
getRemoteGraphOrBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
getRemoteGraphOrBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Definition of remote graph
getRemoteGraphOrBuilder() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Definition of remote graph
getRenameTo() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Change the name used to access this arg in the API from what is used in the GraphDef.
getRenameTo() - Method in class org.tensorflow.framework.ApiDef.Arg
Change the name used to access this arg in the API from what is used in the GraphDef.
getRenameTo() - Method in interface org.tensorflow.framework.ApiDef.ArgOrBuilder
Change the name used to access this arg in the API from what is used in the GraphDef.
getRenameTo() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Change the name used to access this attr in the API from what is used in the GraphDef.
getRenameTo() - Method in class org.tensorflow.framework.ApiDef.Attr
Change the name used to access this attr in the API from what is used in the GraphDef.
getRenameTo() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
Change the name used to access this attr in the API from what is used in the GraphDef.
getRenameToBytes() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Change the name used to access this arg in the API from what is used in the GraphDef.
getRenameToBytes() - Method in class org.tensorflow.framework.ApiDef.Arg
Change the name used to access this arg in the API from what is used in the GraphDef.
getRenameToBytes() - Method in interface org.tensorflow.framework.ApiDef.ArgOrBuilder
Change the name used to access this arg in the API from what is used in the GraphDef.
getRenameToBytes() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Change the name used to access this attr in the API from what is used in the GraphDef.
getRenameToBytes() - Method in class org.tensorflow.framework.ApiDef.Attr
Change the name used to access this attr in the API from what is used in the GraphDef.
getRenameToBytes() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
Change the name used to access this attr in the API from what is used in the GraphDef.
getRendezvousKey() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
A key identifying the channel to receive tensors from.
getRendezvousKey() - Method in class org.tensorflow.distruntime.RecvTensorRequest
A key identifying the channel to receive tensors from.
getRendezvousKey() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
A key identifying the channel to receive tensors from.
getRendezvousKeyBytes() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
A key identifying the channel to receive tensors from.
getRendezvousKeyBytes() - Method in class org.tensorflow.distruntime.RecvTensorRequest
A key identifying the channel to receive tensors from.
getRendezvousKeyBytes() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
A key identifying the channel to receive tensors from.
getReportTensorAllocationsUponOom() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool report_tensor_allocations_upon_oom = 5;
getReportTensorAllocationsUponOom() - Method in class org.tensorflow.distruntime.ExecutorOpts
bool report_tensor_allocations_upon_oom = 5;
getReportTensorAllocationsUponOom() - Method in interface org.tensorflow.distruntime.ExecutorOptsOrBuilder
bool report_tensor_allocations_upon_oom = 5;
getReportTensorAllocationsUponOom() - Method in class org.tensorflow.framework.RunOptions.Builder
When enabled, causes tensor allocation information to be included in the error message when the Run() call fails because the allocator ran out of memory (OOM).
getReportTensorAllocationsUponOom() - Method in class org.tensorflow.framework.RunOptions
When enabled, causes tensor allocation information to be included in the error message when the Run() call fails because the allocator ran out of memory (OOM).
getReportTensorAllocationsUponOom() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
When enabled, causes tensor allocation information to be included in the error message when the Run() call fails because the allocator ran out of memory (OOM).
getRequestedBytes() - Method in class org.tensorflow.framework.AllocationDescription.Builder
Total number of bytes requested
getRequestedBytes() - Method in class org.tensorflow.framework.AllocationDescription
Total number of bytes requested
getRequestedBytes() - Method in interface org.tensorflow.framework.AllocationDescriptionOrBuilder
Total number of bytes requested
getRequestId() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Unique identifier for this request.
getRequestId() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Unique identifier for this request.
getRequestId() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Unique identifier for this request.
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, long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getReshapedWithShape(long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getResidualPlot(int) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
Get the residual plot, only for examples of the specified class..
getResidualPlotAllClasses() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
Get the residual plot for all classes combined.
getResourceHandleVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
getResourceHandleVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_RESOURCE
getResourceHandleVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_RESOURCE
getResourceHandleValBuilder(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
getResourceHandleValBuilderList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
getResourceHandleValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
getResourceHandleValCount() - Method in class org.tensorflow.framework.TensorProto
DT_RESOURCE
getResourceHandleValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_RESOURCE
getResourceHandleValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
getResourceHandleValList() - Method in class org.tensorflow.framework.TensorProto
DT_RESOURCE
getResourceHandleValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_RESOURCE
getResourceHandleValOrBuilder(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
getResourceHandleValOrBuilder(int) - Method in class org.tensorflow.framework.TensorProto
DT_RESOURCE
getResourceHandleValOrBuilder(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_RESOURCE
getResourceHandleValOrBuilderList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
getResourceHandleValOrBuilderList() - Method in class org.tensorflow.framework.TensorProto
DT_RESOURCE
getResourceHandleValOrBuilderList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_RESOURCE
getRestoreOpName() - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when restoring a model checkpoint.
getRestoreOpName() - Method in class org.tensorflow.util.SaverDef
The operation to run when restoring a model checkpoint.
getRestoreOpName() - Method in interface org.tensorflow.util.SaverDefOrBuilder
The operation to run when restoring a model checkpoint.
getRestoreOpNameBytes() - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when restoring a model checkpoint.
getRestoreOpNameBytes() - Method in class org.tensorflow.util.SaverDef
The operation to run when restoring a model checkpoint.
getRestoreOpNameBytes() - Method in interface org.tensorflow.util.SaverDefOrBuilder
The operation to run when restoring a model checkpoint.
getRet() - Method in class org.tensorflow.framework.FunctionDef.Builder
Deprecated.
getRet() - Method in class org.tensorflow.framework.FunctionDef
Deprecated.
getRet() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
Deprecated.
getRetCount() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
getRetCount() - Method in class org.tensorflow.framework.FunctionDef
 
getRetCount() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetMap() - Method in class org.tensorflow.framework.FunctionDef.Builder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetMap() - Method in class org.tensorflow.framework.FunctionDef
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetMap() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetOrDefault(String, String) - Method in class org.tensorflow.framework.FunctionDef.Builder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetOrDefault(String, String) - Method in class org.tensorflow.framework.FunctionDef
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetOrDefault(String, String) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetOrThrow(String) - Method in class org.tensorflow.framework.FunctionDef.Builder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetOrThrow(String) - Method in class org.tensorflow.framework.FunctionDef
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRetOrThrow(String) - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
getRewindPosition(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method returns planned position within graph for next rewind.
getRewriteOptions() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
getRewriteOptions() - Method in class org.tensorflow.framework.GraphOptions
Options that control the type and amount of graph rewriting.
getRewriteOptions() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Options that control the type and amount of graph rewriting.
getRewriteOptionsBuilder() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
getRewriteOptionsOrBuilder() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
getRewriteOptionsOrBuilder() - Method in class org.tensorflow.framework.GraphOptions
Options that control the type and amount of graph rewriting.
getRewriteOptionsOrBuilder() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Options that control the type and amount of graph rewriting.
getrf(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getrf(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
getri(int, INDArray, int, int[], INDArray, int, int) - Method in interface org.nd4j.linalg.api.blas.Lapack
Generate inverse ggiven LU decomp
getRngStates() - Method in interface org.nd4j.linalg.api.ops.OpContext
This method returns RNG states, root first node second
getROC(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Get the ROC object for the specific column
getROCBinary() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Returns the ROCBinary instance, if present
getRocCurve() - Method in class org.nd4j.evaluation.classification.ROC
Get the ROC curve, as a set of (threshold, falsePositive, truePositive) points
getRocCurve(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Get the ROC curve for the specified output
getRocCurve(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Get the (one vs.
getRootAsFlatArray(ByteBuffer) - Static method in class org.nd4j.graph.FlatArray
 
getRootAsFlatArray(ByteBuffer, FlatArray) - Static method in class org.nd4j.graph.FlatArray
 
getRootAsFlatArrayList(ByteBuffer) - Static method in class org.nd4j.graph.FlatArrayList
 
getRootAsFlatArrayList(ByteBuffer, FlatArrayList) - Static method in class org.nd4j.graph.FlatArrayList
 
getRootAsFlatConfiguration(ByteBuffer) - Static method in class org.nd4j.graph.FlatConfiguration
 
getRootAsFlatConfiguration(ByteBuffer, FlatConfiguration) - Static method in class org.nd4j.graph.FlatConfiguration
 
getRootAsFlatDropRequest(ByteBuffer) - Static method in class org.nd4j.graph.FlatDropRequest
 
getRootAsFlatDropRequest(ByteBuffer, FlatDropRequest) - Static method in class org.nd4j.graph.FlatDropRequest
 
getRootAsFlatGraph(ByteBuffer) - Static method in class org.nd4j.graph.FlatGraph
 
getRootAsFlatGraph(ByteBuffer, FlatGraph) - Static method in class org.nd4j.graph.FlatGraph
 
getRootAsFlatInferenceRequest(ByteBuffer) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
getRootAsFlatInferenceRequest(ByteBuffer, FlatInferenceRequest) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
getRootAsFlatNode(ByteBuffer) - Static method in class org.nd4j.graph.FlatNode
 
getRootAsFlatNode(ByteBuffer, FlatNode) - Static method in class org.nd4j.graph.FlatNode
 
getRootAsFlatProperties(ByteBuffer) - Static method in class org.nd4j.graph.FlatProperties
 
getRootAsFlatProperties(ByteBuffer, FlatProperties) - Static method in class org.nd4j.graph.FlatProperties
 
getRootAsFlatResponse(ByteBuffer) - Static method in class org.nd4j.graph.FlatResponse
 
getRootAsFlatResponse(ByteBuffer, FlatResponse) - Static method in class org.nd4j.graph.FlatResponse
 
getRootAsFlatResult(ByteBuffer) - Static method in class org.nd4j.graph.FlatResult
 
getRootAsFlatResult(ByteBuffer, FlatResult) - Static method in class org.nd4j.graph.FlatResult
 
getRootAsFlatTiming(ByteBuffer) - Static method in class org.nd4j.graph.FlatTiming
 
getRootAsFlatTiming(ByteBuffer, FlatTiming) - Static method in class org.nd4j.graph.FlatTiming
 
getRootAsFlatVariable(ByteBuffer) - Static method in class org.nd4j.graph.FlatVariable
 
getRootAsFlatVariable(ByteBuffer, FlatVariable) - Static method in class org.nd4j.graph.FlatVariable
 
getRootAsFrameIteration(ByteBuffer) - Static method in class org.nd4j.graph.FrameIteration
 
getRootAsFrameIteration(ByteBuffer, FrameIteration) - Static method in class org.nd4j.graph.FrameIteration
 
getRootAsIntPair(ByteBuffer) - Static method in class org.nd4j.graph.IntPair
 
getRootAsIntPair(ByteBuffer, IntPair) - Static method in class org.nd4j.graph.IntPair
 
getRootAsIntTriple(ByteBuffer) - Static method in class org.nd4j.graph.IntTriple
 
getRootAsIntTriple(ByteBuffer, IntTriple) - Static method in class org.nd4j.graph.IntTriple
 
getRootAsLongPair(ByteBuffer) - Static method in class org.nd4j.graph.LongPair
 
getRootAsLongPair(ByteBuffer, LongPair) - Static method in class org.nd4j.graph.LongPair
 
getRootAsLongTriple(ByteBuffer) - Static method in class org.nd4j.graph.LongTriple
 
getRootAsLongTriple(ByteBuffer, LongTriple) - Static method in class org.nd4j.graph.LongTriple
 
getRootAsUIAddName(ByteBuffer) - Static method in class org.nd4j.graph.UIAddName
 
getRootAsUIAddName(ByteBuffer, UIAddName) - Static method in class org.nd4j.graph.UIAddName
 
getRootAsUIEvent(ByteBuffer) - Static method in class org.nd4j.graph.UIEvent
 
getRootAsUIEvent(ByteBuffer, UIEvent) - Static method in class org.nd4j.graph.UIEvent
 
getRootAsUIGraphStructure(ByteBuffer) - Static method in class org.nd4j.graph.UIGraphStructure
 
getRootAsUIGraphStructure(ByteBuffer, UIGraphStructure) - Static method in class org.nd4j.graph.UIGraphStructure
 
getRootAsUIHardwareState(ByteBuffer) - Static method in class org.nd4j.graph.UIHardwareState
 
getRootAsUIHardwareState(ByteBuffer, UIHardwareState) - Static method in class org.nd4j.graph.UIHardwareState
 
getRootAsUIHistogram(ByteBuffer) - Static method in class org.nd4j.graph.UIHistogram
 
getRootAsUIHistogram(ByteBuffer, UIHistogram) - Static method in class org.nd4j.graph.UIHistogram
 
getRootAsUIOp(ByteBuffer) - Static method in class org.nd4j.graph.UIOp
 
getRootAsUIOp(ByteBuffer, UIOp) - Static method in class org.nd4j.graph.UIOp
 
getRootAsUIStaticInfoRecord(ByteBuffer) - Static method in class org.nd4j.graph.UIStaticInfoRecord
 
getRootAsUIStaticInfoRecord(ByteBuffer, UIStaticInfoRecord) - Static method in class org.nd4j.graph.UIStaticInfoRecord
 
getRootAsUISummaryStatistics(ByteBuffer) - Static method in class org.nd4j.graph.UISummaryStatistics
 
getRootAsUISummaryStatistics(ByteBuffer, UISummaryStatistics) - Static method in class org.nd4j.graph.UISummaryStatistics
 
getRootAsUISystemInfo(ByteBuffer) - Static method in class org.nd4j.graph.UISystemInfo
 
getRootAsUISystemInfo(ByteBuffer, UISystemInfo) - Static method in class org.nd4j.graph.UISystemInfo
 
getRootAsUIVariable(ByteBuffer) - Static method in class org.nd4j.graph.UIVariable
 
getRootAsUIVariable(ByteBuffer, UIVariable) - Static method in class org.nd4j.graph.UIVariable
 
getRootDir() - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
getRow(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get a copy of a row.
getRow(long, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getRow(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getRow(long, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getRow(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified row as a 1D vector.
getRow(long, boolean) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified row.
getRows(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get whole rows from the passed indices.
getRows(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getRows(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get an INDArray comprised of the specified rows only.
getRpcOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
getRpcOptions() - Method in class org.tensorflow.framework.ConfigProto
Options that apply when this session uses the distributed runtime.
getRpcOptions() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply when this session uses the distributed runtime.
getRpcOptionsBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
getRpcOptionsOrBuilder() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
getRpcOptionsOrBuilder() - Method in class org.tensorflow.framework.ConfigProto
Options that apply when this session uses the distributed runtime.
getRpcOptionsOrBuilder() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply when this session uses the distributed runtime.
getRunOptions() - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
getRunOptions() - Method in class org.tensorflow.framework.CallableOptions
Options that will be applied to each run.
getRunOptions() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Options that will be applied to each run.
getRunOptionsBuilder() - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
getRunOptionsOrBuilder() - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
getRunOptionsOrBuilder() - Method in class org.tensorflow.framework.CallableOptions
Options that will be applied to each run.
getRunOptionsOrBuilder() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Options that will be applied to each run.
getS() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
UTF-8 string
getS() - Method in class onnx.OnnxMlProto3.AttributeProto
UTF-8 string
getS() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
UTF-8 string
getS() - Method in class onnx.OnnxProto3.AttributeProto.Builder
UTF-8 string
getS() - Method in class onnx.OnnxProto3.AttributeProto
UTF-8 string
getS() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
UTF-8 string
getS() - Method in class org.tensorflow.framework.AttrValue.Builder
"string"
getS() - Method in class org.tensorflow.framework.AttrValue
"string"
getS(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(string)"
getS(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(string)"
getS(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(string)"
getS() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"string"
getSameDiff() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
getSampleRate() - Method in class org.tensorflow.framework.Summary.Audio.Builder
Sample rate of the audio in Hz.
getSampleRate() - Method in class org.tensorflow.framework.Summary.Audio
Sample rate of the audio in Hz.
getSampleRate() - Method in interface org.tensorflow.framework.Summary.AudioOrBuilder
Sample rate of the audio in Hz.
getSavedModelSchemaVersion() - Method in class org.tensorflow.framework.SavedModel.Builder
The schema version of the SavedModel instance.
getSavedModelSchemaVersion() - Method in class org.tensorflow.framework.SavedModel
The schema version of the SavedModel instance.
getSavedModelSchemaVersion() - Method in interface org.tensorflow.framework.SavedModelOrBuilder
The schema version of the SavedModel instance.
getSaverDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
getSaverDef() - Method in class org.tensorflow.framework.MetaGraphDef
SaverDef.
getSaverDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
SaverDef.
getSaverDefBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
getSaverDefOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
getSaverDefOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef
SaverDef.
getSaverDefOrBuilder() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
SaverDef.
getSaveSliceInfoDef() - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
getSaveSliceInfoDef() - Method in class org.tensorflow.framework.VariableDef
Support for saving variables as slices of a larger variable.
getSaveSliceInfoDef() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Support for saving variables as slices of a larger variable.
getSaveSliceInfoDefBuilder() - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
getSaveSliceInfoDefOrBuilder() - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
getSaveSliceInfoDefOrBuilder() - Method in class org.tensorflow.framework.VariableDef
Support for saving variables as slices of a larger variable.
getSaveSliceInfoDefOrBuilder() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Support for saving variables as slices of a larger variable.
getSaveTensorName() - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when saving a model checkpoint.
getSaveTensorName() - Method in class org.tensorflow.util.SaverDef
The operation to run when saving a model checkpoint.
getSaveTensorName() - Method in interface org.tensorflow.util.SaverDefOrBuilder
The operation to run when saving a model checkpoint.
getSaveTensorNameBytes() - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when saving a model checkpoint.
getSaveTensorNameBytes() - Method in class org.tensorflow.util.SaverDef
The operation to run when saving a model checkpoint.
getSaveTensorNameBytes() - Method in interface org.tensorflow.util.SaverDefOrBuilder
The operation to run when saving a model checkpoint.
getScalar(long, long) - 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(long) - 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(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getScalar(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getScalar(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getScalar(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getScalar(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getScalar(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getScalar(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getScalar(long, long) - 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(long) - 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 specified indices
getScalar(long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getScalarAggregator() - Method in class org.nd4j.linalg.profiler.OpProfiler
 
getScheduledMicros() - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 scheduled_micros = 9;
getScheduledMicros() - Method in class org.tensorflow.framework.NodeExecStats
int64 scheduled_micros = 9;
getScheduledMicros() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
int64 scheduled_micros = 9;
getScomplexVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX64.
getScomplexVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_COMPLEX64.
getScomplexVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_COMPLEX64.
getScomplexValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX64.
getScomplexValCount() - Method in class org.tensorflow.framework.TensorProto
DT_COMPLEX64.
getScomplexValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_COMPLEX64.
getScomplexValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX64.
getScomplexValList() - Method in class org.tensorflow.framework.TensorProto
DT_COMPLEX64.
getScomplexValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_COMPLEX64.
getScopedAllocatorOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
getScopedAllocatorOptimization() - Method in class org.tensorflow.framework.RewriterConfig
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
getScopedAllocatorOptimization() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
getScopedAllocatorOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
getScopedAllocatorOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
getScopedAllocatorOptimizationValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
getScopedAllocatorOpts() - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
getScopedAllocatorOpts() - Method in class org.tensorflow.framework.RewriterConfig
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
getScopedAllocatorOpts() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
getScopedAllocatorOptsBuilder() - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
getScopedAllocatorOptsOrBuilder() - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
getScopedAllocatorOptsOrBuilder() - Method in class org.tensorflow.framework.RewriterConfig
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
getScopedAllocatorOptsOrBuilder() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
getSCount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(string)"
getSCount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(string)"
getSCount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(string)"
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.
getSegment() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
getSegment() - Method in class onnx.OnnxMlProto3.TensorProto
.onnx.TensorProto.Segment segment = 3;
getSegment() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
.onnx.TensorProto.Segment segment = 3;
getSegment() - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
getSegment() - Method in class onnx.OnnxProto3.TensorProto
.onnx.TensorProto.Segment segment = 3;
getSegment() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
.onnx.TensorProto.Segment segment = 3;
getSegmentBuilder() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
getSegmentBuilder() - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
getSegmentOrBuilder() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
getSegmentOrBuilder() - Method in class onnx.OnnxMlProto3.TensorProto
.onnx.TensorProto.Segment segment = 3;
getSegmentOrBuilder() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
.onnx.TensorProto.Segment segment = 3;
getSegmentOrBuilder() - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
getSegmentOrBuilder() - Method in class onnx.OnnxProto3.TensorProto
.onnx.TensorProto.Segment segment = 3;
getSegmentOrBuilder() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
.onnx.TensorProto.Segment segment = 3;
getSend(int) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
getSend(int) - Method in class org.tensorflow.distruntime.RunGraphRequest
Runs the graph.
getSend(int) - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Runs the graph.
getSendBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
getSendBuilderList() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
getSendCount() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
getSendCount() - Method in class org.tensorflow.distruntime.RunGraphRequest
Runs the graph.
getSendCount() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Runs the graph.
getSendList() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
getSendList() - Method in class org.tensorflow.distruntime.RunGraphRequest
Runs the graph.
getSendList() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Runs the graph.
getSendOrBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
getSendOrBuilder(int) - Method in class org.tensorflow.distruntime.RunGraphRequest
Runs the graph.
getSendOrBuilder(int) - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Runs the graph.
getSendOrBuilderList() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
getSendOrBuilderList() - Method in class org.tensorflow.distruntime.RunGraphRequest
Runs the graph.
getSendOrBuilderList() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Runs the graph.
getSendStartMicros() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, for timeline.
getSendStartMicros() - Method in class org.tensorflow.distruntime.RecvBufResponse
Optional, for timeline.
getSendStartMicros() - Method in interface org.tensorflow.distruntime.RecvBufResponseOrBuilder
Optional, for timeline.
getSendStartMicros() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The time at which tensor was available and started to be returned.
getSendStartMicros() - Method in class org.tensorflow.distruntime.RecvTensorResponse
The time at which tensor was available and started to be returned.
getSendStartMicros() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
The time at which tensor was available and started to be returned.
getSequenceType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
getSequenceType() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a sequence.
getSequenceType() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a sequence.
getSequenceTypeBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
getSequenceTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
getSequenceTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a sequence.
getSequenceTypeOrBuilder() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a sequence.
getSerializedExecutorParameters() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Parameters given to the executor
getSerializedExecutorParameters() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Optional: Parameters given to the executor
getSerializedExecutorParameters() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Optional: Parameters given to the executor
getSerializedSize() - Method in class onnx.OnnxMlProto3.AttributeProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.GraphProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.ModelProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.NodeProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TensorProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TypeProto
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
getSerializedSize() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
getSerializedSize() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
getSerializedSize() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.AttributeProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.GraphProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.ModelProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.NodeProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.TensorProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
getSerializedSize() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
getSerializedSize() - Method in class onnx.OnnxProto3.TensorShapeProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.TypeProto
 
getSerializedSize() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
getSerializedSize() - Method in class onnx.OnnxProto3.ValueInfoProto
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ClusterDef
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.JobDef
 
getSerializedSize() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.LoggingRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.LoggingResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ResetRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ResetResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RunStepRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.RunStepResponse
 
getSerializedSize() - Method in class org.tensorflow.distruntime.ServerDef
 
getSerializedSize() - Method in class org.tensorflow.distruntime.StepSequence
 
getSerializedSize() - Method in class org.tensorflow.distruntime.TraceOpts
 
getSerializedSize() - Method in class org.tensorflow.distruntime.TracingRequest
 
getSerializedSize() - Method in class org.tensorflow.distruntime.TracingResponse
 
getSerializedSize() - Method in class org.tensorflow.framework.AllocationDescription
 
getSerializedSize() - Method in class org.tensorflow.framework.AllocationRecord
 
getSerializedSize() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
getSerializedSize() - Method in class org.tensorflow.framework.ApiDef.Arg
 
getSerializedSize() - Method in class org.tensorflow.framework.ApiDef.Attr
 
getSerializedSize() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
getSerializedSize() - Method in class org.tensorflow.framework.ApiDef
 
getSerializedSize() - Method in class org.tensorflow.framework.ApiDefs
 
getSerializedSize() - Method in class org.tensorflow.framework.AssetFileDef
 
getSerializedSize() - Method in class org.tensorflow.framework.AttrValue
 
getSerializedSize() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
getSerializedSize() - Method in class org.tensorflow.framework.AutoParallelOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.CallableOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
getSerializedSize() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
getSerializedSize() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
getSerializedSize() - Method in class org.tensorflow.framework.CollectionDef
 
getSerializedSize() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
getSerializedSize() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
getSerializedSize() - Method in class org.tensorflow.framework.CondContextDef
 
getSerializedSize() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
getSerializedSize() - Method in class org.tensorflow.framework.ConfigProto
 
getSerializedSize() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
getSerializedSize() - Method in class org.tensorflow.framework.CostGraphDef
 
getSerializedSize() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
getSerializedSize() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.CriticalSectionDef
 
getSerializedSize() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
getSerializedSize() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
getSerializedSize() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
getSerializedSize() - Method in class org.tensorflow.framework.DebugOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.DebugTensorWatch
 
getSerializedSize() - Method in class org.tensorflow.framework.DeviceAttributes
 
getSerializedSize() - Method in class org.tensorflow.framework.DeviceLocality
 
getSerializedSize() - Method in class org.tensorflow.framework.DeviceStepStats
 
getSerializedSize() - Method in class org.tensorflow.framework.FunctionDef
 
getSerializedSize() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
getSerializedSize() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
getSerializedSize() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
getSerializedSize() - Method in class org.tensorflow.framework.GPUOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.GradientDef
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphDef
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.HistogramProto
 
getSerializedSize() - Method in class org.tensorflow.framework.InterconnectLink
 
getSerializedSize() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
getSerializedSize() - Method in class org.tensorflow.framework.KernelDef
 
getSerializedSize() - Method in class org.tensorflow.framework.LocalLinks
 
getSerializedSize() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
getSerializedSize() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
getSerializedSize() - Method in class org.tensorflow.framework.MemoryLogStep
 
getSerializedSize() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
getSerializedSize() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
getSerializedSize() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
getSerializedSize() - Method in class org.tensorflow.framework.MemoryStats
 
getSerializedSize() - Method in class org.tensorflow.framework.MetaGraphDef
 
getSerializedSize() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
getSerializedSize() - Method in class org.tensorflow.framework.NameAttrList
 
getSerializedSize() - Method in class org.tensorflow.framework.NamedTensorProto
 
getSerializedSize() - Method in class org.tensorflow.framework.NodeDef
 
getSerializedSize() - Method in class org.tensorflow.framework.NodeExecStats
 
getSerializedSize() - Method in class org.tensorflow.framework.NodeOutput
 
getSerializedSize() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
getSerializedSize() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
getSerializedSize() - Method in class org.tensorflow.framework.OpDef
 
getSerializedSize() - Method in class org.tensorflow.framework.OpDeprecation
 
getSerializedSize() - Method in class org.tensorflow.framework.OpList
 
getSerializedSize() - Method in class org.tensorflow.framework.OptimizerOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.QueueRunnerDef
 
getSerializedSize() - Method in class org.tensorflow.framework.ReaderBaseState
 
getSerializedSize() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
getSerializedSize() - Method in class org.tensorflow.framework.ResourceHandleProto
 
getSerializedSize() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
getSerializedSize() - Method in class org.tensorflow.framework.RewriterConfig
 
getSerializedSize() - Method in class org.tensorflow.framework.RPCOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.RunMetadata
 
getSerializedSize() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
getSerializedSize() - Method in class org.tensorflow.framework.RunOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.SavedModel
 
getSerializedSize() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
getSerializedSize() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
getSerializedSize() - Method in class org.tensorflow.framework.SignatureDef
 
getSerializedSize() - Method in class org.tensorflow.framework.StepStats
 
getSerializedSize() - Method in class org.tensorflow.framework.Summary.Audio
 
getSerializedSize() - Method in class org.tensorflow.framework.Summary
 
getSerializedSize() - Method in class org.tensorflow.framework.Summary.Image
 
getSerializedSize() - Method in class org.tensorflow.framework.Summary.Value
 
getSerializedSize() - Method in class org.tensorflow.framework.SummaryDescription
 
getSerializedSize() - Method in class org.tensorflow.framework.SummaryMetadata
 
getSerializedSize() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorConnection
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorDescription
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorInfo
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorProto
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorShapeProto
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
getSerializedSize() - Method in class org.tensorflow.framework.TensorSliceProto
 
getSerializedSize() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
getSerializedSize() - Method in class org.tensorflow.framework.ValuesDef
 
getSerializedSize() - Method in class org.tensorflow.framework.VariableDef
 
getSerializedSize() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
getSerializedSize() - Method in class org.tensorflow.framework.VersionDef
 
getSerializedSize() - Method in class org.tensorflow.framework.WhileContextDef
 
getSerializedSize() - Method in class org.tensorflow.util.BundleEntryProto
 
getSerializedSize() - Method in class org.tensorflow.util.BundleHeaderProto
 
getSerializedSize() - Method in class org.tensorflow.util.IteratorStateMetadata
 
getSerializedSize() - Method in class org.tensorflow.util.SaverDef
 
getSerializedSize() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
getSerializedSize() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
getSerializedSize() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
getSerializedSize() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
getSerializedSize() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
getSerializedSize() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
getSerializedSize() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
getSerializedSize() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
getSerializedSize() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
getServerDef() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
getServerDef() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
Defines the configuration of a TensorFlow worker.
getServerDef() - Method in interface org.tensorflow.distruntime.CreateWorkerSessionRequestOrBuilder
Defines the configuration of a TensorFlow worker.
getServerDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
getServerDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
Identifies the full cluster, and this particular worker's position within.
getServerDef() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
Identifies the full cluster, and this particular worker's position within.
getServerDefBuilder() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
getServerDefBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
getServerDefOrBuilder() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
getServerDefOrBuilder() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
Defines the configuration of a TensorFlow worker.
getServerDefOrBuilder() - Method in interface org.tensorflow.distruntime.CreateWorkerSessionRequestOrBuilder
Defines the configuration of a TensorFlow worker.
getServerDefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
getServerDefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
Identifies the full cluster, and this particular worker's position within.
getServerDefOrBuilder() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
Identifies the full cluster, and this particular worker's position within.
getServerLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
getServerLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional information on server-side device locality.
getServerLocality() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional information on server-side device locality.
getServerLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
getServerLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information on server-side device locality.
getServerLocality() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information on server-side device locality.
getServerLocalityBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
getServerLocalityBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
getServerLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
getServerLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional information on server-side device locality.
getServerLocalityOrBuilder() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional information on server-side device locality.
getServerLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
getServerLocalityOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information on server-side device locality.
getServerLocalityOrBuilder() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information on server-side device locality.
getSessionHandle() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.CloseSessionRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.CloseSessionRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The session handle to be used in subsequent calls for the created session.
getSessionHandle() - Method in class org.tensorflow.distruntime.CreateSessionResponse
The session handle to be used in subsequent calls for the created session.
getSessionHandle() - Method in interface org.tensorflow.distruntime.CreateSessionResponseOrBuilder
The session handle to be used in subsequent calls for the created session.
getSessionHandle() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Sessions are identified by a given handle.
getSessionHandle() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
Sessions are identified by a given handle.
getSessionHandle() - Method in interface org.tensorflow.distruntime.CreateWorkerSessionRequestOrBuilder
Sessions are identified by a given handle.
getSessionHandle() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
Sessions are identified by a given handle.
getSessionHandle() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
Sessions are identified by a given handle.
getSessionHandle() - Method in interface org.tensorflow.distruntime.DeleteWorkerSessionRequestOrBuilder
Sessions are identified by a given handle.
getSessionHandle() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
The session_handle used when registering the graph.
getSessionHandle() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
The session_handle used when registering the graph.
getSessionHandle() - Method in interface org.tensorflow.distruntime.DeregisterGraphRequestOrBuilder
The session_handle used when registering the graph.
getSessionHandle() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.ExtendSessionRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
Optional: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.ListDevicesRequest
Optional: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.ListDevicesRequestOrBuilder
Optional: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.MakeCallableRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.MakeCallableRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Subgraphs are scoped within one session.
getSessionHandle() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Subgraphs are scoped within one session.
getSessionHandle() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Subgraphs are scoped within one session.
getSessionHandle() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.ReleaseCallableRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.RunCallableRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
session_handle is the master-generated unique id for this session.
getSessionHandle() - Method in class org.tensorflow.distruntime.RunGraphRequest
session_handle is the master-generated unique id for this session.
getSessionHandle() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
session_handle is the master-generated unique id for this session.
getSessionHandle() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in class org.tensorflow.distruntime.RunStepRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandle() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.CloseSessionRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.CloseSessionRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The session handle to be used in subsequent calls for the created session.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.CreateSessionResponse
The session handle to be used in subsequent calls for the created session.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.CreateSessionResponseOrBuilder
The session handle to be used in subsequent calls for the created session.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Sessions are identified by a given handle.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
Sessions are identified by a given handle.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.CreateWorkerSessionRequestOrBuilder
Sessions are identified by a given handle.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
Sessions are identified by a given handle.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
Sessions are identified by a given handle.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.DeleteWorkerSessionRequestOrBuilder
Sessions are identified by a given handle.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
The session_handle used when registering the graph.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
The session_handle used when registering the graph.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.DeregisterGraphRequestOrBuilder
The session_handle used when registering the graph.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.ExtendSessionRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
Optional: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.ListDevicesRequest
Optional: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.ListDevicesRequestOrBuilder
Optional: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.MakeCallableRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.MakeCallableRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Subgraphs are scoped within one session.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Subgraphs are scoped within one session.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Subgraphs are scoped within one session.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.ReleaseCallableRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RunCallableRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.RunCallableRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
session_handle is the master-generated unique id for this session.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RunGraphRequest
session_handle is the master-generated unique id for this session.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
session_handle is the master-generated unique id for this session.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in class org.tensorflow.distruntime.RunStepRequest
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionHandleBytes() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
getSessionInterOpThreadPool(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPool(int) - Method in class org.tensorflow.framework.ConfigProto
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPool(int) - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolBuilder(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolBuilderList() - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolCount() - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolCount() - Method in class org.tensorflow.framework.ConfigProto
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolCount() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolList() - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolList() - Method in class org.tensorflow.framework.ConfigProto
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolList() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolOrBuilder(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolOrBuilder(int) - Method in class org.tensorflow.framework.ConfigProto
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolOrBuilder(int) - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolOrBuilderList() - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolOrBuilderList() - Method in class org.tensorflow.framework.ConfigProto
This option is experimental - it may be replaced with a different mechanism in the future.
getSessionInterOpThreadPoolOrBuilderList() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
This option is experimental - it may be replaced with a different mechanism in the future.
getShape() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
getShape() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
.onnx.TensorShapeProto shape = 2;
getShape() - Method in interface onnx.OnnxMlProto3.TypeProto.TensorOrBuilder
.onnx.TensorShapeProto shape = 2;
getShape() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
getShape() - Method in class onnx.OnnxProto3.TypeProto.Tensor
.onnx.TensorShapeProto shape = 2;
getShape() - Method in interface onnx.OnnxProto3.TypeProto.TensorOrBuilder
.onnx.TensorShapeProto shape = 2;
getShape() - Method in class org.nd4j.autodiff.samediff.SDVariable
Returns the shape of this variable
getShape(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
getShape(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getShape(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getShape() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
getShape() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
.tensorflow.TensorShapeProto shape = 4;
getShape() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
.tensorflow.TensorShapeProto shape = 4;
getShape() - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
getShape() - Method in class org.tensorflow.framework.AttrValue
"shape"
getShape(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
getShape(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(shape)"
getShape(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(shape)"
getShape() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"shape"
getShape() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
getShape() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
.tensorflow.TensorShapeProto shape = 3;
getShape() - Method in interface org.tensorflow.framework.CostGraphDef.Node.OutputInfoOrBuilder
.tensorflow.TensorShapeProto shape = 3;
getShape(int) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
repeated int64 shape = 3;
getShape(int) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
repeated int64 shape = 3;
getShape(int) - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
repeated int64 shape = 3;
getShape(int) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
repeated int64 shape = 2;
getShape(int) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
repeated int64 shape = 2;
getShape(int) - Method in interface org.tensorflow.framework.GraphTransferGraphInputNodeInfoOrBuilder
repeated int64 shape = 2;
getShape(int) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
repeated int64 shape = 2;
getShape(int) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
repeated int64 shape = 2;
getShape(int) - Method in interface org.tensorflow.framework.GraphTransferGraphOutputNodeInfoOrBuilder
repeated int64 shape = 2;
getShape() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
getShape() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
.tensorflow.TensorShapeProto shape = 2;
getShape() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProtoOrBuilder
.tensorflow.TensorShapeProto shape = 2;
getShape() - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
getShape() - Method in class org.tensorflow.framework.TensorDescription
Shape of the tensor.
getShape() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Shape of the tensor.
getShape() - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
getShape() - Method in class org.tensorflow.util.BundleEntryProto
.tensorflow.TensorShapeProto shape = 2;
getShape() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
.tensorflow.TensorShapeProto shape = 2;
getShapeBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
getShapeBuilder() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
getShapeBuilder() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
getShapeBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
getShapeBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
getShapeBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
getShapeBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
getShapeBuilder() - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
getShapeBuilder() - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
getShapeBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
getShapeCount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
getShapeCount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(shape)"
getShapeCount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(shape)"
getShapeCount() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
repeated int64 shape = 3;
getShapeCount() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
repeated int64 shape = 3;
getShapeCount() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
repeated int64 shape = 3;
getShapeCount() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
repeated int64 shape = 2;
getShapeCount() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
repeated int64 shape = 2;
getShapeCount() - Method in interface org.tensorflow.framework.GraphTransferGraphInputNodeInfoOrBuilder
repeated int64 shape = 2;
getShapeCount() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
repeated int64 shape = 2;
getShapeCount() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
repeated int64 shape = 2;
getShapeCount() - Method in interface org.tensorflow.framework.GraphTransferGraphOutputNodeInfoOrBuilder
repeated int64 shape = 2;
getShapeDescriptor() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
getShapeDescriptorForVarName(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
getShapeForVarName(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the shape for the given vertex id.
getShapeFromAttr(ATTR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the shape of the attribute value
getShapeFromAttr(OnnxProto3.AttributeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getShapeFromAttr(AttrValue) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getShapeFromAttribute(ATTR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
getShapeFromAttribute(OnnxProto3.AttributeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getShapeFromAttribute(AttrValue) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getShapeFromTensor(TENSOR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the shape for the given tensor type
getShapeFromTensor(OnnxProto3.TypeProto.Tensor) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getShapeFromTensor(OnnxProto3.TensorProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
Get the shape from a tensor proto.
getShapeFromTensor(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
getShapeInfoProvider() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getShapeList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
getShapeList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(shape)"
getShapeList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(shape)"
getShapeList() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
repeated int64 shape = 3;
getShapeList() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
repeated int64 shape = 3;
getShapeList() - Method in interface org.tensorflow.framework.GraphTransferConstNodeInfoOrBuilder
repeated int64 shape = 3;
getShapeList() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
repeated int64 shape = 2;
getShapeList() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
repeated int64 shape = 2;
getShapeList() - Method in interface org.tensorflow.framework.GraphTransferGraphInputNodeInfoOrBuilder
repeated int64 shape = 2;
getShapeList() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
repeated int64 shape = 2;
getShapeList() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
repeated int64 shape = 2;
getShapeList() - Method in interface org.tensorflow.framework.GraphTransferGraphOutputNodeInfoOrBuilder
repeated int64 shape = 2;
getShapeOptimization() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Shape optimizations (default is ON) Simplify computations made on shapes.
getShapeOptimization() - Method in class org.tensorflow.framework.RewriterConfig
Shape optimizations (default is ON) Simplify computations made on shapes.
getShapeOptimization() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Shape optimizations (default is ON) Simplify computations made on shapes.
getShapeOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Shape optimizations (default is ON) Simplify computations made on shapes.
getShapeOptimizationValue() - Method in class org.tensorflow.framework.RewriterConfig
Shape optimizations (default is ON) Simplify computations made on shapes.
getShapeOptimizationValue() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Shape optimizations (default is ON) Simplify computations made on shapes.
getShapeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
.onnx.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in interface onnx.OnnxMlProto3.TypeProto.TensorOrBuilder
.onnx.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in class onnx.OnnxProto3.TypeProto.Tensor
.onnx.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in interface onnx.OnnxProto3.TypeProto.TensorOrBuilder
.onnx.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
getShapeOrBuilder() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
.tensorflow.TensorShapeProto shape = 4;
getShapeOrBuilder() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
.tensorflow.TensorShapeProto shape = 4;
getShapeOrBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
getShapeOrBuilder() - Method in class org.tensorflow.framework.AttrValue
"shape"
getShapeOrBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
getShapeOrBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(shape)"
getShapeOrBuilder(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(shape)"
getShapeOrBuilder() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"shape"
getShapeOrBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
getShapeOrBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
.tensorflow.TensorShapeProto shape = 3;
getShapeOrBuilder() - Method in interface org.tensorflow.framework.CostGraphDef.Node.OutputInfoOrBuilder
.tensorflow.TensorShapeProto shape = 3;
getShapeOrBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
.tensorflow.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProtoOrBuilder
.tensorflow.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
getShapeOrBuilder() - Method in class org.tensorflow.framework.TensorDescription
Shape of the tensor.
getShapeOrBuilder() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Shape of the tensor.
getShapeOrBuilder() - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in class org.tensorflow.util.BundleEntryProto
.tensorflow.TensorShapeProto shape = 2;
getShapeOrBuilder() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
.tensorflow.TensorShapeProto shape = 2;
getShapeOrBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
getShapeOrBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(shape)"
getShapeOrBuilderList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(shape)"
getShapes() - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
getShapes() - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
getSharded() - Method in class org.tensorflow.util.SaverDef.Builder
Shard the save files, one per device that has Variable nodes.
getSharded() - Method in class org.tensorflow.util.SaverDef
Shard the save files, one per device that has Variable nodes.
getSharded() - Method in interface org.tensorflow.util.SaverDefOrBuilder
Shard the save files, one per device that has Variable nodes.
getShardId() - Method in class org.tensorflow.util.BundleEntryProto.Builder
The binary content of the tensor lies in: File "shard_id": bytes [offset, offset + size).
getShardId() - Method in class org.tensorflow.util.BundleEntryProto
The binary content of the tensor lies in: File "shard_id": bytes [offset, offset + size).
getShardId() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
The binary content of the tensor lies in: File "shard_id": bytes [offset, offset + size).
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.
getSharedMemorySizePerMultiprocessor() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Shared memory size per multiprocessor in bytes.
getSharedMemorySizePerMultiprocessor() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Shared memory size per multiprocessor in bytes.
getSharedMemorySizePerMultiprocessor() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Shared memory size per multiprocessor in bytes.
getSignature() - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
getSignature() - Method in class org.tensorflow.framework.FunctionDef
The definition of the function's name, arguments, return values, attrs etc.
getSignature() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
The definition of the function's name, arguments, return values, attrs etc.
getSignatureBuilder() - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
getSignatureDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Deprecated.
getSignatureDef() - Method in class org.tensorflow.framework.MetaGraphDef
Deprecated.
getSignatureDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
Deprecated.
getSignatureDefCount() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
getSignatureDefCount() - Method in class org.tensorflow.framework.MetaGraphDef
 
getSignatureDefCount() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefMap() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefMap() - Method in class org.tensorflow.framework.MetaGraphDef
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefMap() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefOrDefault(String, SignatureDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefOrDefault(String, SignatureDef) - Method in class org.tensorflow.framework.MetaGraphDef
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefOrDefault(String, SignatureDef) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefOrThrow(String) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefOrThrow(String) - Method in class org.tensorflow.framework.MetaGraphDef
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureDefOrThrow(String) - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
getSignatureOrBuilder() - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
getSignatureOrBuilder() - Method in class org.tensorflow.framework.FunctionDef
The definition of the function's name, arguments, return values, attrs etc.
getSignatureOrBuilder() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
The definition of the function's name, arguments, return values, attrs etc.
getSimpleValue() - Method in class org.tensorflow.framework.Summary.Value.Builder
float simple_value = 2;
getSimpleValue() - Method in class org.tensorflow.framework.Summary.Value
float simple_value = 2;
getSimpleValue() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
float simple_value = 2;
getSinceVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The version of the operator set that first introduced this operator.
getSinceVersion() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
The version of the operator set that first introduced this operator.
getSinceVersion() - Method in interface onnx.OnnxOperatorsProto3.OperatorProtoOrBuilder
The version of the operator set that first introduced this operator.
getSize() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
int64 size = 1;
getSize() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
int64 size = 1;
getSize() - Method in interface org.tensorflow.framework.CostGraphDef.Node.OutputInfoOrBuilder
int64 size = 1;
getSize() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Size of the tensor in that dimension.
getSize() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
Size of the tensor in that dimension.
getSize() - Method in interface org.tensorflow.framework.TensorShapeProto.DimOrBuilder
Size of the tensor in that dimension.
getSize() - Method in class org.tensorflow.util.BundleEntryProto.Builder
int64 size = 5;
getSize() - Method in class org.tensorflow.util.BundleEntryProto
int64 size = 5;
getSize() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
int64 size = 5;
getSlices(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
getSlices(int) - Method in class org.tensorflow.util.BundleEntryProto
Iff present, this entry represents a partitioned tensor.
getSlices(int) - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
Iff present, this entry represents a partitioned tensor.
getSlicesBuilder(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
getSlicesBuilderList() - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
getSlicesCount() - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
getSlicesCount() - Method in class org.tensorflow.util.BundleEntryProto
Iff present, this entry represents a partitioned tensor.
getSlicesCount() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
Iff present, this entry represents a partitioned tensor.
getSlicesList() - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
getSlicesList() - Method in class org.tensorflow.util.BundleEntryProto
Iff present, this entry represents a partitioned tensor.
getSlicesList() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
Iff present, this entry represents a partitioned tensor.
getSlicesOrBuilder(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
getSlicesOrBuilder(int) - Method in class org.tensorflow.util.BundleEntryProto
Iff present, this entry represents a partitioned tensor.
getSlicesOrBuilder(int) - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
Iff present, this entry represents a partitioned tensor.
getSlicesOrBuilderList() - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
getSlicesOrBuilderList() - Method in class org.tensorflow.util.BundleEntryProto
Iff present, this entry represents a partitioned tensor.
getSlicesOrBuilderList() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
Iff present, this entry represents a partitioned tensor.
getSList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(string)"
getSList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(string)"
getSList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(string)"
getSlot() - Method in class org.tensorflow.framework.NodeOutput.Builder
int32 slot = 1;
getSlot() - Method in class org.tensorflow.framework.NodeOutput
int32 slot = 1;
getSlot() - Method in interface org.tensorflow.framework.NodeOutputOrBuilder
int32 slot = 1;
getSlotName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
The name of the slot (e.g.
getSlotName() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
The name of the slot (e.g.
getSlotName() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReferenceOrBuilder
The name of the slot (e.g.
getSlotNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
The name of the slot (e.g.
getSlotNameBytes() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
The name of the slot (e.g.
getSlotNameBytes() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReferenceOrBuilder
The name of the slot (e.g.
getSlotVariableNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the `Object` with the value of the slot variable.
getSlotVariableNodeId() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
An index into `CheckpointableObjectGraph.nodes`, indicating the `Object` with the value of the slot variable.
getSlotVariableNodeId() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReferenceOrBuilder
An index into `CheckpointableObjectGraph.nodes`, indicating the `Object` with the value of the slot variable.
getSlotVariables(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
getSlotVariables(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Slot variables owned by this object.
getSlotVariables(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Slot variables owned by this object.
getSlotVariablesBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
getSlotVariablesBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
getSlotVariablesCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
getSlotVariablesCount() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Slot variables owned by this object.
getSlotVariablesCount() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Slot variables owned by this object.
getSlotVariablesList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
getSlotVariablesList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Slot variables owned by this object.
getSlotVariablesList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Slot variables owned by this object.
getSlotVariablesOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
getSlotVariablesOrBuilder(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Slot variables owned by this object.
getSlotVariablesOrBuilder(int) - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Slot variables owned by this object.
getSlotVariablesOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
getSlotVariablesOrBuilderList() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
Slot variables owned by this object.
getSlotVariablesOrBuilderList() - Method in interface tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObjectOrBuilder
Slot variables owned by this object.
getSnapshotName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the snapshot tensor.
getSnapshotName() - Method in class org.tensorflow.framework.VariableDef
Name of the snapshot tensor.
getSnapshotName() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the snapshot tensor.
getSnapshotNameBytes() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the snapshot tensor.
getSnapshotNameBytes() - Method in class org.tensorflow.framework.VariableDef
Name of the snapshot tensor.
getSnapshotNameBytes() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the snapshot tensor.
getSocOpId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 soc_op_id = 4;
getSocOpId() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
int32 soc_op_id = 4;
getSocOpId() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
int32 soc_op_id = 4;
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.ConstantDistribution
Returns the solver absolute accuracy for inverse cumulative computation.
getSolverAbsoluteAccuracy() - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
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.
getSolverAbsoluteAccuracy() - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
Returns the solver absolute accuracy for inverse cumulative computation.
getSolverAbsoluteAccuracy() - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Returns the solver absolute accuracy for inverse cumulative computation.
getSourceFiles(int) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
getSourceFiles(int) - Method in class org.tensorflow.framework.DebuggedSourceFiles
A collection of source code files.
getSourceFiles(int) - Method in interface org.tensorflow.framework.DebuggedSourceFilesOrBuilder
A collection of source code files.
getSourceFilesBuilder(int) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
getSourceFilesBuilderList() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
getSourceFilesCount() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
getSourceFilesCount() - Method in class org.tensorflow.framework.DebuggedSourceFiles
A collection of source code files.
getSourceFilesCount() - Method in interface org.tensorflow.framework.DebuggedSourceFilesOrBuilder
A collection of source code files.
getSourceFilesList() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
getSourceFilesList() - Method in class org.tensorflow.framework.DebuggedSourceFiles
A collection of source code files.
getSourceFilesList() - Method in interface org.tensorflow.framework.DebuggedSourceFilesOrBuilder
A collection of source code files.
getSourceFilesOrBuilder(int) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
getSourceFilesOrBuilder(int) - Method in class org.tensorflow.framework.DebuggedSourceFiles
A collection of source code files.
getSourceFilesOrBuilder(int) - Method in interface org.tensorflow.framework.DebuggedSourceFilesOrBuilder
A collection of source code files.
getSourceFilesOrBuilderList() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
getSourceFilesOrBuilderList() - Method in class org.tensorflow.framework.DebuggedSourceFiles
A collection of source code files.
getSourceFilesOrBuilderList() - Method in interface org.tensorflow.framework.DebuggedSourceFilesOrBuilder
A collection of source code files.
getSourceRank() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
int32 source_rank = 2;
getSourceRank() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
int32 source_rank = 2;
getSourceRank() - Method in interface org.tensorflow.distruntime.CompleteInstanceResponseOrBuilder
int32 source_rank = 2;
getSparseBlasWrapper() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getSparseInfoProvider() - Static method in class org.nd4j.linalg.factory.Nd4j
 
getSpilledSize() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns number of bytes in spilled allocations.
getSrcDevice() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, for annotating the timeline.
getSrcDevice() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional, for annotating the timeline.
getSrcDevice() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional, for annotating the timeline.
getSrcDeviceBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, for annotating the timeline.
getSrcDeviceBytes() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional, for annotating the timeline.
getSrcDeviceBytes() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional, for annotating the timeline.
getStandardDeviation() - Method in class org.nd4j.linalg.api.rng.distribution.impl.ConstantDistribution
Access the standard deviation.
getStandardDeviation() - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Access the standard deviation.
getStandardDeviation() - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
Access the standard deviation.
getStandardDeviation() - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
Access the standard deviation.
getStandardDeviation() - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Access the standard deviation.
getStart() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
Start index of the slice, starting at 0.
getStart() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
Start index of the slice, starting at 0.
getStart() - Method in interface org.tensorflow.framework.TensorSliceProto.ExtentOrBuilder
Start index of the slice, starting at 0.
getStash(T) - Method in class org.nd4j.linalg.memory.stash.BasicStashManager
 
getStash(T) - Method in interface org.nd4j.linalg.memory.stash.StashManager
 
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 onnx.OnnxOperatorsProto3.OperatorProto.Builder
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
getStatus() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
getStatus() - Method in interface onnx.OnnxOperatorsProto3.OperatorProtoOrBuilder
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
getStatusCode() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCode() - Method in class org.tensorflow.distruntime.RunGraphResponse
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCode() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCode() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCode() - Method in class org.tensorflow.distruntime.RunStepResponse
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCode() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCodeValue() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCodeValue() - Method in class org.tensorflow.distruntime.RunGraphResponse
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCodeValue() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCodeValue() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCodeValue() - Method in class org.tensorflow.distruntime.RunStepResponse
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusCodeValue() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
getStatusErrorMessage() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
string status_error_message = 6;
getStatusErrorMessage() - Method in class org.tensorflow.distruntime.RunGraphResponse
string status_error_message = 6;
getStatusErrorMessage() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
string status_error_message = 6;
getStatusErrorMessage() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
string status_error_message = 4;
getStatusErrorMessage() - Method in class org.tensorflow.distruntime.RunStepResponse
string status_error_message = 4;
getStatusErrorMessage() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
string status_error_message = 4;
getStatusErrorMessageBytes() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
string status_error_message = 6;
getStatusErrorMessageBytes() - Method in class org.tensorflow.distruntime.RunGraphResponse
string status_error_message = 6;
getStatusErrorMessageBytes() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
string status_error_message = 6;
getStatusErrorMessageBytes() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
string status_error_message = 4;
getStatusErrorMessageBytes() - Method in class org.tensorflow.distruntime.RunStepResponse
string status_error_message = 4;
getStatusErrorMessageBytes() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
string status_error_message = 4;
GetStatusRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.GetStatusRequest
GetStatusRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.GetStatusRequest
GetStatusRequestOrBuilder - Interface in org.tensorflow.distruntime
 
GetStatusResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.GetStatusResponse
GetStatusResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.GetStatusResponse
GetStatusResponseOrBuilder - Interface in org.tensorflow.distruntime
 
getStatusValue() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
getStatusValue() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
getStatusValue() - Method in interface onnx.OnnxOperatorsProto3.OperatorProtoOrBuilder
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
getStd() - Method in class org.nd4j.linalg.dataset.api.iterator.StandardScaler
Deprecated.
 
getStd() - Method in class org.nd4j.linalg.dataset.api.preprocessor.NormalizerStandardize
 
getStep(int) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
getStep(int) - Method in class org.tensorflow.distruntime.LoggingResponse
repeated .tensorflow.LabeledStepStats step = 1;
getStep(int) - Method in interface org.tensorflow.distruntime.LoggingResponseOrBuilder
repeated .tensorflow.LabeledStepStats step = 1;
getStepBuilder(int) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
getStepBuilderList() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
getStepCount() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
getStepCount() - Method in class org.tensorflow.distruntime.LoggingResponse
repeated .tensorflow.LabeledStepStats step = 1;
getStepCount() - Method in interface org.tensorflow.distruntime.LoggingResponseOrBuilder
repeated .tensorflow.LabeledStepStats step = 1;
getStepId() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
int64 step_id = 1;
getStepId() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
int64 step_id = 1;
getStepId() - Method in interface org.tensorflow.distruntime.CleanupGraphRequestOrBuilder
int64 step_id = 1;
getStepId() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
int64 step_id = 1;
getStepId() - Method in class org.tensorflow.distruntime.LabeledStepStats
int64 step_id = 1;
getStepId() - Method in interface org.tensorflow.distruntime.LabeledStepStatsOrBuilder
int64 step_id = 1;
getStepId() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Used at server side to find the correct BufRendezvous.
getStepId() - Method in class org.tensorflow.distruntime.RecvBufRequest
Used at server side to find the correct BufRendezvous.
getStepId() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Used at server side to find the correct BufRendezvous.
getStepId() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
The step in which the tensor will be produced.
getStepId() - Method in class org.tensorflow.distruntime.RecvTensorRequest
The step in which the tensor will be produced.
getStepId() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
The step in which the tensor will be produced.
getStepId() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
A unique ID to distinguish different runs of the same graph.
getStepId() - Method in class org.tensorflow.distruntime.RunGraphRequest
A unique ID to distinguish different runs of the same graph.
getStepId() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
A unique ID to distinguish different runs of the same graph.
getStepId() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
Process-unique step id.
getStepId() - Method in interface org.tensorflow.framework.MemoryLogRawAllocationOrBuilder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
Process-unique step id.
getStepId() - Method in interface org.tensorflow.framework.MemoryLogRawDeallocationOrBuilder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogStep
Process-unique step id.
getStepId() - Method in interface org.tensorflow.framework.MemoryLogStepOrBuilder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
Process-unique step id.
getStepId() - Method in interface org.tensorflow.framework.MemoryLogTensorAllocationOrBuilder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Process-unique step id.
getStepId() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
Process-unique step id.
getStepId() - Method in interface org.tensorflow.framework.MemoryLogTensorOutputOrBuilder
Process-unique step id.
getStepList() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
getStepList() - Method in class org.tensorflow.distruntime.LoggingResponse
repeated .tensorflow.LabeledStepStats step = 1;
getStepList() - Method in interface org.tensorflow.distruntime.LoggingResponseOrBuilder
repeated .tensorflow.LabeledStepStats step = 1;
getStepNumber() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
This method returns step number.
getStepOrBuilder(int) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
getStepOrBuilder(int) - Method in class org.tensorflow.distruntime.LoggingResponse
repeated .tensorflow.LabeledStepStats step = 1;
getStepOrBuilder(int) - Method in interface org.tensorflow.distruntime.LoggingResponseOrBuilder
repeated .tensorflow.LabeledStepStats step = 1;
getStepOrBuilderList() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
getStepOrBuilderList() - Method in class org.tensorflow.distruntime.LoggingResponse
repeated .tensorflow.LabeledStepStats step = 1;
getStepOrBuilderList() - Method in interface org.tensorflow.distruntime.LoggingResponseOrBuilder
repeated .tensorflow.LabeledStepStats step = 1;
getStepSequence(int) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequence(int) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequence(int) - Method in interface org.tensorflow.distruntime.GetStepSequenceResponseOrBuilder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceBuilder(int) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceBuilderList() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceCount() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceCount() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceCount() - Method in interface org.tensorflow.distruntime.GetStepSequenceResponseOrBuilder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceList() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceList() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceList() - Method in interface org.tensorflow.distruntime.GetStepSequenceResponseOrBuilder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceOrBuilder(int) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceOrBuilder(int) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceOrBuilder(int) - Method in interface org.tensorflow.distruntime.GetStepSequenceResponseOrBuilder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceOrBuilderList() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceOrBuilderList() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
repeated .tensorflow.StepSequence step_sequence = 1;
getStepSequenceOrBuilderList() - Method in interface org.tensorflow.distruntime.GetStepSequenceResponseOrBuilder
repeated .tensorflow.StepSequence step_sequence = 1;
GetStepSequenceRequest - Class in org.tensorflow.distruntime
Request for next agreed-upon step_id for the specified graph_keys.
GetStepSequenceRequest.Builder - Class in org.tensorflow.distruntime
Request for next agreed-upon step_id for the specified graph_keys.
GetStepSequenceRequestOrBuilder - Interface in org.tensorflow.distruntime
 
GetStepSequenceResponse - Class in org.tensorflow.distruntime
Next valid step_ids for one or more graph_keys.
GetStepSequenceResponse.Builder - Class in org.tensorflow.distruntime
Next valid step_ids for one or more graph_keys.
GetStepSequenceResponseOrBuilder - Interface in org.tensorflow.distruntime
 
getStepStats() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
getStepStats() - Method in class org.tensorflow.distruntime.LabeledStepStats
.tensorflow.StepStats step_stats = 2;
getStepStats() - Method in interface org.tensorflow.distruntime.LabeledStepStatsOrBuilder
.tensorflow.StepStats step_stats = 2;
getStepStats() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
getStepStats() - Method in class org.tensorflow.distruntime.RunGraphResponse
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
getStepStats() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
getStepStats() - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
getStepStats() - Method in class org.tensorflow.framework.RunMetadata
Statistics traced for this step.
getStepStats() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Statistics traced for this step.
getStepStatsBuilder() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
getStepStatsBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
getStepStatsBuilder() - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
getStepStatsOrBuilder() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
getStepStatsOrBuilder() - Method in class org.tensorflow.distruntime.LabeledStepStats
.tensorflow.StepStats step_stats = 2;
getStepStatsOrBuilder() - Method in interface org.tensorflow.distruntime.LabeledStepStatsOrBuilder
.tensorflow.StepStats step_stats = 2;
getStepStatsOrBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
getStepStatsOrBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
getStepStatsOrBuilder() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
getStepStatsOrBuilder() - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
getStepStatsOrBuilder() - Method in class org.tensorflow.framework.RunMetadata
Statistics traced for this step.
getStepStatsOrBuilder() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Statistics traced for this step.
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.
getStoreErrorsInResponseBody() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunGraphResponse with the actual error saved in the status_code/status_error_message fields of the response body.
getStoreErrorsInResponseBody() - Method in class org.tensorflow.distruntime.RunGraphRequest
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunGraphResponse with the actual error saved in the status_code/status_error_message fields of the response body.
getStoreErrorsInResponseBody() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunGraphResponse with the actual error saved in the status_code/status_error_message fields of the response body.
getStoreErrorsInResponseBody() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunStepResponse with the actual error saved in the status_code/status_error_message fields of the response body.
getStoreErrorsInResponseBody() - Method in class org.tensorflow.distruntime.RunStepRequest
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunStepResponse with the actual error saved in the status_code/status_error_message fields of the response body.
getStoreErrorsInResponseBody() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunStepResponse with the actual error saved in the status_code/status_error_message fields of the response body.
getStrength() - Method in class org.tensorflow.framework.InterconnectLink.Builder
int32 strength = 3;
getStrength() - Method in class org.tensorflow.framework.InterconnectLink
int32 strength = 3;
getStrength() - Method in interface org.tensorflow.framework.InterconnectLinkOrBuilder
int32 strength = 3;
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.ndarray.BaseNDArray
 
getStrides(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides for the given order and shape
getStrides(long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
getStrides(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides based on the shape and NDArrays.order()
getStrides(long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Get the strides based on the shape and NDArrays.order()
getString(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getString(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getString(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
getString(Utf8Buffer, long) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
getString(Utf8Buffer, long) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method extracts String from Utf8Buffer
getStringData(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For strings.
getStringData(int) - Method in class onnx.OnnxMlProto3.TensorProto
For strings.
getStringData(int) - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For strings.
getStringData(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For strings.
getStringData(int) - Method in class onnx.OnnxProto3.TensorProto
For strings.
getStringData(int) - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For strings.
getStringDataCount() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For strings.
getStringDataCount() - Method in class onnx.OnnxMlProto3.TensorProto
For strings.
getStringDataCount() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For strings.
getStringDataCount() - Method in class onnx.OnnxProto3.TensorProto.Builder
For strings.
getStringDataCount() - Method in class onnx.OnnxProto3.TensorProto
For strings.
getStringDataCount() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For strings.
getStringDataList() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For strings.
getStringDataList() - Method in class onnx.OnnxMlProto3.TensorProto
For strings.
getStringDataList() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For strings.
getStringDataList() - Method in class onnx.OnnxProto3.TensorProto.Builder
For strings.
getStringDataList() - Method in class onnx.OnnxProto3.TensorProto
For strings.
getStringDataList() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For strings.
getStrings(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of UTF-8 strings
getStrings(int) - Method in class onnx.OnnxMlProto3.AttributeProto
list of UTF-8 strings
getStrings(int) - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of UTF-8 strings
getStrings(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of UTF-8 strings
getStrings(int) - Method in class onnx.OnnxProto3.AttributeProto
list of UTF-8 strings
getStrings(int) - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of UTF-8 strings
getStringsCount() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of UTF-8 strings
getStringsCount() - Method in class onnx.OnnxMlProto3.AttributeProto
list of UTF-8 strings
getStringsCount() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of UTF-8 strings
getStringsCount() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of UTF-8 strings
getStringsCount() - Method in class onnx.OnnxProto3.AttributeProto
list of UTF-8 strings
getStringsCount() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of UTF-8 strings
getStringsList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of UTF-8 strings
getStringsList() - Method in class onnx.OnnxMlProto3.AttributeProto
list of UTF-8 strings
getStringsList() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of UTF-8 strings
getStringsList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of UTF-8 strings
getStringsList() - Method in class onnx.OnnxProto3.AttributeProto
list of UTF-8 strings
getStringsList() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of UTF-8 strings
getStringVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_STRING
getStringVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_STRING
getStringVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_STRING
getStringValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_STRING
getStringValCount() - Method in class org.tensorflow.framework.TensorProto
DT_STRING
getStringValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_STRING
getStringValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_STRING
getStringValList() - Method in class org.tensorflow.framework.TensorProto
DT_STRING
getStringValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_STRING
getStrippedDefaultAttrs() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A flag to denote whether default-valued attrs have been stripped from the nodes in this graph_def.
getStrippedDefaultAttrs() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
A flag to denote whether default-valued attrs have been stripped from the nodes in this graph_def.
getStrippedDefaultAttrs() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
A flag to denote whether default-valued attrs have been stripped from the nodes in this graph_def.
getStrippedOpList() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
getStrippedOpList() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
A copy of the OpDefs used by the producer of this graph_def.
getStrippedOpList() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
A copy of the OpDefs used by the producer of this graph_def.
getStrippedOpListBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
getStrippedOpListOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
getStrippedOpListOrBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
A copy of the OpDefs used by the producer of this graph_def.
getStrippedOpListOrBuilder() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
A copy of the OpDefs used by the producer of this graph_def.
getSubdivOffset(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
repeated int32 subdiv_offset = 9;
getSubdivOffset(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
repeated int32 subdiv_offset = 9;
getSubdivOffset(int) - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
repeated int32 subdiv_offset = 9;
getSubdivOffsetCount() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
repeated int32 subdiv_offset = 9;
getSubdivOffsetCount() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
repeated int32 subdiv_offset = 9;
getSubdivOffsetCount() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
repeated int32 subdiv_offset = 9;
getSubdivOffsetList() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
repeated int32 subdiv_offset = 9;
getSubdivOffsetList() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
repeated int32 subdiv_offset = 9;
getSubdivOffsetList() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
repeated int32 subdiv_offset = 9;
getSubGraph(SameDiff, DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
Get the SubGraph that matches the predicate
getSubgraphsMatching(SameDiff, SubGraphPredicate) - Static method in class org.nd4j.autodiff.samediff.transform.GraphTransformUtil
Get a list of all the subgraphs that match the specified predicate
getSubMatricesWithShape(long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getSubMatricesWithShape(char, long, long, long, DataType) - 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
 
getSum() - Method in class org.tensorflow.framework.HistogramProto.Builder
double sum = 4;
getSum() - Method in class org.tensorflow.framework.HistogramProto
double sum = 4;
getSum() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
double sum = 4;
getSummary() - Method in class org.tensorflow.framework.ApiDef.Builder
One-line human-readable description of what the Op does.
getSummary() - Method in class org.tensorflow.framework.ApiDef
One-line human-readable description of what the Op does.
getSummary() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
One-line human-readable description of what the Op does.
getSummary() - Method in class org.tensorflow.framework.OpDef.Builder
One-line human-readable description of what the Op does.
getSummary() - Method in class org.tensorflow.framework.OpDef
One-line human-readable description of what the Op does.
getSummary() - Method in interface org.tensorflow.framework.OpDefOrBuilder
One-line human-readable description of what the Op does.
getSummaryBytes() - Method in class org.tensorflow.framework.ApiDef.Builder
One-line human-readable description of what the Op does.
getSummaryBytes() - Method in class org.tensorflow.framework.ApiDef
One-line human-readable description of what the Op does.
getSummaryBytes() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
One-line human-readable description of what the Op does.
getSummaryBytes() - Method in class org.tensorflow.framework.OpDef.Builder
One-line human-readable description of what the Op does.
getSummaryBytes() - Method in class org.tensorflow.framework.OpDef
One-line human-readable description of what the Op does.
getSummaryBytes() - Method in interface org.tensorflow.framework.OpDefOrBuilder
One-line human-readable description of what the Op does.
getSummaryDescription() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Longform readable description of the summary sequence.
getSummaryDescription() - Method in class org.tensorflow.framework.SummaryMetadata
Longform readable description of the summary sequence.
getSummaryDescription() - Method in interface org.tensorflow.framework.SummaryMetadataOrBuilder
Longform readable description of the summary sequence.
getSummaryDescriptionBytes() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Longform readable description of the summary sequence.
getSummaryDescriptionBytes() - Method in class org.tensorflow.framework.SummaryMetadata
Longform readable description of the summary sequence.
getSummaryDescriptionBytes() - Method in interface org.tensorflow.framework.SummaryMetadataOrBuilder
Longform readable description of the summary sequence.
getSumSquares() - Method in class org.tensorflow.framework.HistogramProto.Builder
double sum_squares = 5;
getSumSquares() - Method in class org.tensorflow.framework.HistogramProto
double sum_squares = 5;
getSumSquares() - Method in interface org.tensorflow.framework.HistogramProtoOrBuilder
double sum_squares = 5;
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.ImagePreProcessingSerializerStrategy
 
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 opType 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.ConstantDistribution
Access the lower bound of the support.
getSupportLowerBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
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.OrthogonalDistribution
Access the lower bound of the support.
getSupportLowerBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
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.ConstantDistribution
Access the upper bound of the support.
getSupportUpperBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
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.OrthogonalDistribution
Access the upper bound of the support.
getSupportUpperBound() - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
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.
getSwapMemory() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Whether GPU-CPU memory swap is enabled for this loop.
getSwapMemory() - Method in class org.tensorflow.framework.WhileContextDef
Whether GPU-CPU memory swap is enabled for this loop.
getSwapMemory() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Whether GPU-CPU memory swap is enabled for this loop.
getT() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
getT() - Method in class onnx.OnnxMlProto3.AttributeProto
tensor value
getT() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
tensor value
getT() - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
getT() - Method in class onnx.OnnxProto3.AttributeProto
tensor value
getT() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
tensor value
getTADLength(int[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
getTADLength(long[], 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.
getTag() - Method in class org.tensorflow.framework.Summary.Value.Builder
Tag name for the data.
getTag() - Method in class org.tensorflow.framework.Summary.Value
Tag name for the data.
getTag() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
Tag name for the data.
getTagBytes() - Method in class org.tensorflow.framework.Summary.Value.Builder
Tag name for the data.
getTagBytes() - Method in class org.tensorflow.framework.Summary.Value
Tag name for the data.
getTagBytes() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
Tag name for the data.
getTags(int) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
getTags(int) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
User supplied tag(s) on the meta_graph and included graph_def.
getTags(int) - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
User supplied tag(s) on the meta_graph and included graph_def.
getTagsBytes(int) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
getTagsBytes(int) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
User supplied tag(s) on the meta_graph and included graph_def.
getTagsBytes(int) - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
User supplied tag(s) on the meta_graph and included graph_def.
getTagsCount() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
getTagsCount() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
User supplied tag(s) on the meta_graph and included graph_def.
getTagsCount() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
User supplied tag(s) on the meta_graph and included graph_def.
getTagsList() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
getTagsList() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
User supplied tag(s) on the meta_graph and included graph_def.
getTagsList() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
User supplied tag(s) on the meta_graph and included graph_def.
getTarget() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The target string used from the client's perspective.
getTarget() - Method in class org.tensorflow.distruntime.CreateSessionRequest
The target string used from the client's perspective.
getTarget() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
The target string used from the client's perspective.
getTarget(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
getTarget(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Target Nodes.
getTarget(int) - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Target Nodes.
getTarget(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
getTarget(int) - Method in class org.tensorflow.distruntime.RunStepRequest
Target Nodes.
getTarget(int) - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Target Nodes.
getTarget(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
getTarget(int) - Method in class org.tensorflow.framework.CallableOptions
Target Nodes.
getTarget(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Target Nodes.
getTargetBytes() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The target string used from the client's perspective.
getTargetBytes() - Method in class org.tensorflow.distruntime.CreateSessionRequest
The target string used from the client's perspective.
getTargetBytes() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
The target string used from the client's perspective.
getTargetBytes(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
getTargetBytes(int) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Target Nodes.
getTargetBytes(int) - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Target Nodes.
getTargetBytes(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
getTargetBytes(int) - Method in class org.tensorflow.distruntime.RunStepRequest
Target Nodes.
getTargetBytes(int) - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Target Nodes.
getTargetBytes(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
getTargetBytes(int) - Method in class org.tensorflow.framework.CallableOptions
Target Nodes.
getTargetBytes(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Target Nodes.
getTargetCount() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
getTargetCount() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Target Nodes.
getTargetCount() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Target Nodes.
getTargetCount() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
getTargetCount() - Method in class org.tensorflow.distruntime.RunStepRequest
Target Nodes.
getTargetCount() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Target Nodes.
getTargetCount() - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
getTargetCount() - Method in class org.tensorflow.framework.CallableOptions
Target Nodes.
getTargetCount() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Target Nodes.
getTargetList() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
getTargetList() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
Target Nodes.
getTargetList() - Method in interface org.tensorflow.distruntime.PartialRunSetupRequestOrBuilder
Target Nodes.
getTargetList() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
getTargetList() - Method in class org.tensorflow.distruntime.RunStepRequest
Target Nodes.
getTargetList() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Target Nodes.
getTargetList() - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
getTargetList() - Method in class org.tensorflow.framework.CallableOptions
Target Nodes.
getTargetList() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Target Nodes.
getTargetMappingForOp(DifferentialFunction, NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the target mapping key (usually based on the node name) for the given function
getTargetMappingForOp(DifferentialFunction, OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
getTargetMappingForOp(DifferentialFunction, NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
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
 
getTArgument(int) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
getTArgument(int) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
getTArgument(int) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
getTArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
getTArgument(int) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
getTaskIndex() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The task index of this server in its job.
getTaskIndex() - Method in class org.tensorflow.distruntime.ServerDef
The task index of this server in its job.
getTaskIndex() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The task index of this server in its job.
getTaskName(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
getTaskName(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse
task name prefixes of device_names
getTaskName(int) - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
task name prefixes of device_names
getTaskNameBytes(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
getTaskNameBytes(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse
task name prefixes of device_names
getTaskNameBytes(int) - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
task name prefixes of device_names
getTaskNameCount() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
getTaskNameCount() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
task name prefixes of device_names
getTaskNameCount() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
task name prefixes of device_names
getTaskNameList() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
getTaskNameList() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
task name prefixes of device_names
getTaskNameList() - Method in interface org.tensorflow.distruntime.CompleteGroupResponseOrBuilder
task name prefixes of device_names
getTasks() - Method in class org.tensorflow.distruntime.JobDef.Builder
Deprecated.
getTasks() - Method in class org.tensorflow.distruntime.JobDef
Deprecated.
getTasks() - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
Deprecated.
getTasksCount() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
getTasksCount() - Method in class org.tensorflow.distruntime.JobDef
 
getTasksCount() - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
Mapping from task ID to "hostname:port" string.
getTasksMap() - Method in class org.tensorflow.distruntime.JobDef.Builder
Mapping from task ID to "hostname:port" string.
getTasksMap() - Method in class org.tensorflow.distruntime.JobDef
Mapping from task ID to "hostname:port" string.
getTasksMap() - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
Mapping from task ID to "hostname:port" string.
getTasksOrDefault(int, String) - Method in class org.tensorflow.distruntime.JobDef.Builder
Mapping from task ID to "hostname:port" string.
getTasksOrDefault(int, String) - Method in class org.tensorflow.distruntime.JobDef
Mapping from task ID to "hostname:port" string.
getTasksOrDefault(int, String) - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
Mapping from task ID to "hostname:port" string.
getTasksOrThrow(int) - Method in class org.tensorflow.distruntime.JobDef.Builder
Mapping from task ID to "hostname:port" string.
getTasksOrThrow(int) - Method in class org.tensorflow.distruntime.JobDef
Mapping from task ID to "hostname:port" string.
getTasksOrThrow(int) - Method in interface org.tensorflow.distruntime.JobDefOrBuilder
Mapping from task ID to "hostname:port" string.
getTBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
getTBuilder() - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
getTempMemorySize() - Method in class org.tensorflow.framework.MemoryStats.Builder
int64 temp_memory_size = 1;
getTempMemorySize() - Method in class org.tensorflow.framework.MemoryStats
int64 temp_memory_size = 1;
getTempMemorySize() - Method in interface org.tensorflow.framework.MemoryStatsOrBuilder
int64 temp_memory_size = 1;
getTemporaryMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Temporary memory used by this node.
getTemporaryMemorySize() - Method in class org.tensorflow.framework.CostGraphDef.Node
Temporary memory used by this node.
getTemporaryMemorySize() - Method in interface org.tensorflow.framework.CostGraphDef.NodeOrBuilder
Temporary memory used by this node.
getTensor() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
getTensor() - Method in class org.tensorflow.distruntime.RecvTensorResponse
The tensor as a proto.
getTensor() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
The tensor as a proto.
getTensor(int) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensor(int) - Method in class org.tensorflow.distruntime.RunStepResponse
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensor(int) - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensor() - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
getTensor() - Method in class org.tensorflow.framework.AttrValue
"tensor"
getTensor(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
getTensor(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(tensor)"
getTensor(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(tensor)"
getTensor() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"tensor"
getTensor() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
getTensor() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
Allocated tensor details.
getTensor() - Method in interface org.tensorflow.framework.MemoryLogTensorAllocationOrBuilder
Allocated tensor details.
getTensor() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
getTensor() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
Output tensor details.
getTensor() - Method in interface org.tensorflow.framework.MemoryLogTensorOutputOrBuilder
Output tensor details.
getTensor() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
getTensor() - Method in class org.tensorflow.framework.NamedTensorProto
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
getTensor() - Method in interface org.tensorflow.framework.NamedTensorProtoOrBuilder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
getTensor() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
getTensor() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.TensorProto tensor = 8;
getTensor() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.TensorProto tensor = 8;
getTensorAlongDimensionMatricesWithShape(char, long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getTensorAlongDimensionMatricesWithShape(long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getTensorBuilder() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
getTensorBuilder(int) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
getTensorBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
getTensorBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
getTensorBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
getTensorBuilder() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
getTensorBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
getTensorBuilderList() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
getTensorConnection(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
getTensorConnection(int) - Method in class org.tensorflow.framework.CallableOptions
Tensors to be connected in the callable.
getTensorConnection(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be connected in the callable.
getTensorConnectionBuilder(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
getTensorConnectionBuilderList() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
getTensorConnectionCount() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
getTensorConnectionCount() - Method in class org.tensorflow.framework.CallableOptions
Tensors to be connected in the callable.
getTensorConnectionCount() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be connected in the callable.
getTensorConnectionList() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
getTensorConnectionList() - Method in class org.tensorflow.framework.CallableOptions
Tensors to be connected in the callable.
getTensorConnectionList() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be connected in the callable.
getTensorConnectionOrBuilder(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
getTensorConnectionOrBuilder(int) - Method in class org.tensorflow.framework.CallableOptions
Tensors to be connected in the callable.
getTensorConnectionOrBuilder(int) - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be connected in the callable.
getTensorConnectionOrBuilderList() - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
getTensorConnectionOrBuilderList() - Method in class org.tensorflow.framework.CallableOptions
Tensors to be connected in the callable.
getTensorConnectionOrBuilderList() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Tensors to be connected in the callable.
getTensorContent() - Method in class org.tensorflow.framework.TensorProto.Builder
Serialized raw tensor content from either Tensor::AsProtoTensorContent or memcpy in tensorflow::grpc::EncodeTensorToByteBuffer.
getTensorContent() - Method in class org.tensorflow.framework.TensorProto
Serialized raw tensor content from either Tensor::AsProtoTensorContent or memcpy in tensorflow::grpc::EncodeTensorToByteBuffer.
getTensorContent() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
Serialized raw tensor content from either Tensor::AsProtoTensorContent or memcpy in tensorflow::grpc::EncodeTensorToByteBuffer.
getTensorContent() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
bytes tensor_content = 1;
getTensorContent() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
bytes tensor_content = 1;
getTensorContent() - Method in interface tensorflow.TransportOptions.RecvBufRespExtraOrBuilder
bytes tensor_content = 1;
getTensorCount() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorCount() - Method in class org.tensorflow.distruntime.RunStepResponse
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorCount() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorCount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
getTensorCount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(tensor)"
getTensorCount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(tensor)"
getTensorDescription() - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
getTensorDescription() - Method in class org.tensorflow.framework.NodeOutput
.tensorflow.TensorDescription tensor_description = 3;
getTensorDescription() - Method in interface org.tensorflow.framework.NodeOutputOrBuilder
.tensorflow.TensorDescription tensor_description = 3;
getTensorDescriptionBuilder() - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
getTensorDescriptionOrBuilder() - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
getTensorDescriptionOrBuilder() - Method in class org.tensorflow.framework.NodeOutput
.tensorflow.TensorDescription tensor_description = 3;
getTensorDescriptionOrBuilder() - Method in interface org.tensorflow.framework.NodeOutputOrBuilder
.tensorflow.TensorDescription tensor_description = 3;
getTensorflowGitVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __git_version__ string of the tensorflow build used to write this graph.
getTensorflowGitVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
The __git_version__ string of the tensorflow build used to write this graph.
getTensorflowGitVersion() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
The __git_version__ string of the tensorflow build used to write this graph.
getTensorflowGitVersionBytes() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __git_version__ string of the tensorflow build used to write this graph.
getTensorflowGitVersionBytes() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
The __git_version__ string of the tensorflow build used to write this graph.
getTensorflowGitVersionBytes() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
The __git_version__ string of the tensorflow build used to write this graph.
getTensorFlowNames() - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
 
getTensorflowVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __version__ string of the tensorflow build used to write this graph.
getTensorflowVersion() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
The __version__ string of the tensorflow build used to write this graph.
getTensorflowVersion() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
The __version__ string of the tensorflow build used to write this graph.
getTensorflowVersionBytes() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __version__ string of the tensorflow build used to write this graph.
getTensorflowVersionBytes() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
The __version__ string of the tensorflow build used to write this graph.
getTensorflowVersionBytes() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
The __version__ string of the tensorflow build used to write this graph.
getTensorInfo() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
getTensorInfo() - Method in class org.tensorflow.framework.AssetFileDef
The tensor to bind the asset filename to.
getTensorInfo() - Method in interface org.tensorflow.framework.AssetFileDefOrBuilder
The tensor to bind the asset filename to.
getTensorInfoBuilder() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
getTensorInfoOrBuilder() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
getTensorInfoOrBuilder() - Method in class org.tensorflow.framework.AssetFileDef
The tensor to bind the asset filename to.
getTensorInfoOrBuilder() - Method in interface org.tensorflow.framework.AssetFileDefOrBuilder
The tensor to bind the asset filename to.
getTensorList() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorList() - Method in class org.tensorflow.distruntime.RunStepResponse
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorList() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
getTensorList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(tensor)"
getTensorList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(tensor)"
getTensorOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
getTensorOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorResponse
The tensor as a proto.
getTensorOrBuilder() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
The tensor as a proto.
getTensorOrBuilder(int) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorOrBuilder(int) - Method in class org.tensorflow.distruntime.RunStepResponse
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorOrBuilder(int) - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorOrBuilder() - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
getTensorOrBuilder() - Method in class org.tensorflow.framework.AttrValue
"tensor"
getTensorOrBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
getTensorOrBuilder(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(tensor)"
getTensorOrBuilder(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(tensor)"
getTensorOrBuilder() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"tensor"
getTensorOrBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
getTensorOrBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
Allocated tensor details.
getTensorOrBuilder() - Method in interface org.tensorflow.framework.MemoryLogTensorAllocationOrBuilder
Allocated tensor details.
getTensorOrBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
getTensorOrBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
Output tensor details.
getTensorOrBuilder() - Method in interface org.tensorflow.framework.MemoryLogTensorOutputOrBuilder
Output tensor details.
getTensorOrBuilder() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
getTensorOrBuilder() - Method in class org.tensorflow.framework.NamedTensorProto
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
getTensorOrBuilder() - Method in interface org.tensorflow.framework.NamedTensorProtoOrBuilder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
getTensorOrBuilder() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
getTensorOrBuilder() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.TensorProto tensor = 8;
getTensorOrBuilder() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.TensorProto tensor = 8;
getTensorOrBuilderList() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorOrBuilderList() - Method in class org.tensorflow.distruntime.RunStepResponse
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorOrBuilderList() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
getTensorOrBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
getTensorOrBuilderList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(tensor)"
getTensorOrBuilderList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(tensor)"
getTensors(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
getTensors(int) - Method in class onnx.OnnxMlProto3.AttributeProto
list of tensors
getTensors(int) - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of tensors
getTensors(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
getTensors(int) - Method in class onnx.OnnxProto3.AttributeProto
list of tensors
getTensors(int) - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of tensors
getTensors(int) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
getTensors(int) - Method in class org.tensorflow.framework.VariantTensorDataProto
Tensors contained within objects being serialized.
getTensors(int) - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Tensors contained within objects being serialized.
getTensorsBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
getTensorsBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
getTensorsBuilder(int) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
getTensorsBuilderList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
getTensorsBuilderList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
getTensorsBuilderList() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
getTensorsCount() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
getTensorsCount() - Method in class onnx.OnnxMlProto3.AttributeProto
list of tensors
getTensorsCount() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of tensors
getTensorsCount() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
getTensorsCount() - Method in class onnx.OnnxProto3.AttributeProto
list of tensors
getTensorsCount() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of tensors
getTensorsCount() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
getTensorsCount() - Method in class org.tensorflow.framework.VariantTensorDataProto
Tensors contained within objects being serialized.
getTensorsCount() - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Tensors contained within objects being serialized.
getTensorShape() - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
getTensorShape() - Method in class org.tensorflow.framework.TensorInfo
The static shape should be recorded here, to the extent that it can be known in advance.
getTensorShape() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
The static shape should be recorded here, to the extent that it can be known in advance.
getTensorShape() - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
getTensorShape() - Method in class org.tensorflow.framework.TensorProto
Shape of the tensor.
getTensorShape() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
Shape of the tensor.
getTensorShapeBuilder() - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
getTensorShapeBuilder() - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
getTensorShapeOrBuilder() - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
getTensorShapeOrBuilder() - Method in class org.tensorflow.framework.TensorInfo
The static shape should be recorded here, to the extent that it can be known in advance.
getTensorShapeOrBuilder() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
The static shape should be recorded here, to the extent that it can be known in advance.
getTensorShapeOrBuilder() - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
getTensorShapeOrBuilder() - Method in class org.tensorflow.framework.TensorProto
Shape of the tensor.
getTensorShapeOrBuilder() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
Shape of the tensor.
getTensorsList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
getTensorsList() - Method in class onnx.OnnxMlProto3.AttributeProto
list of tensors
getTensorsList() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of tensors
getTensorsList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
getTensorsList() - Method in class onnx.OnnxProto3.AttributeProto
list of tensors
getTensorsList() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of tensors
getTensorsList() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
getTensorsList() - Method in class org.tensorflow.framework.VariantTensorDataProto
Tensors contained within objects being serialized.
getTensorsList() - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Tensors contained within objects being serialized.
getTensorsOrBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
getTensorsOrBuilder(int) - Method in class onnx.OnnxMlProto3.AttributeProto
list of tensors
getTensorsOrBuilder(int) - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of tensors
getTensorsOrBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
getTensorsOrBuilder(int) - Method in class onnx.OnnxProto3.AttributeProto
list of tensors
getTensorsOrBuilder(int) - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of tensors
getTensorsOrBuilder(int) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
getTensorsOrBuilder(int) - Method in class org.tensorflow.framework.VariantTensorDataProto
Tensors contained within objects being serialized.
getTensorsOrBuilder(int) - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Tensors contained within objects being serialized.
getTensorsOrBuilderList() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
getTensorsOrBuilderList() - Method in class onnx.OnnxMlProto3.AttributeProto
list of tensors
getTensorsOrBuilderList() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
list of tensors
getTensorsOrBuilderList() - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
getTensorsOrBuilderList() - Method in class onnx.OnnxProto3.AttributeProto
list of tensors
getTensorsOrBuilderList() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
list of tensors
getTensorsOrBuilderList() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
getTensorsOrBuilderList() - Method in class org.tensorflow.framework.VariantTensorDataProto
Tensors contained within objects being serialized.
getTensorsOrBuilderList() - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Tensors contained within objects being serialized.
getTensorType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
getTensorType() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a tensor.
getTensorType() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a tensor.
getTensorType() - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
getTensorType() - Method in class onnx.OnnxProto3.TypeProto
The type of a tensor.
getTensorType() - Method in interface onnx.OnnxProto3.TypeProtoOrBuilder
The type of a tensor.
getTensorTypeBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
getTensorTypeBuilder() - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
getTensorTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
getTensorTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a tensor.
getTensorTypeOrBuilder() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a tensor.
getTensorTypeOrBuilder() - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
getTensorTypeOrBuilder() - Method in class onnx.OnnxProto3.TypeProto
The type of a tensor.
getTensorTypeOrBuilder() - Method in interface onnx.OnnxProto3.TypeProtoOrBuilder
The type of a tensor.
getTest() - Method in class org.nd4j.linalg.dataset.SplitTestAndTrain
 
getTestMatricesWithVaryingShapes(int, char, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
Test utility to sweep shapes given a rank Given a rank will generate random test matrices that will cover all cases of a shape with a '1' anywhere in the shape as well a shape with random ints that are not 0 or 1 eg.
getTFOpMappingFunctions() - Static method in class org.nd4j.imports.converters.ImportClassMapping
 
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
 
getThreadId() - Method in class org.tensorflow.framework.NodeExecStats.Builder
uint32 thread_id = 10;
getThreadId() - Method in class org.tensorflow.framework.NodeExecStats
uint32 thread_id = 10;
getThreadId() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
uint32 thread_id = 10;
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.
getThreshold(int) - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
getThreshold(int) - Method in class org.nd4j.evaluation.curves.RocCurve
 
getTimelineLabel() - Method in class org.tensorflow.framework.NodeExecStats.Builder
string timeline_label = 8;
getTimelineLabel() - Method in class org.tensorflow.framework.NodeExecStats
string timeline_label = 8;
getTimelineLabel() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
string timeline_label = 8;
getTimelineLabelBytes() - Method in class org.tensorflow.framework.NodeExecStats.Builder
string timeline_label = 8;
getTimelineLabelBytes() - Method in class org.tensorflow.framework.NodeExecStats
string timeline_label = 8;
getTimelineLabelBytes() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
string timeline_label = 8;
getTimelineStep() - Method in class org.tensorflow.framework.GraphOptions.Builder
If > 0, record a timeline every this many steps.
getTimelineStep() - Method in class org.tensorflow.framework.GraphOptions
If > 0, record a timeline every this many steps.
getTimelineStep() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
If > 0, record a timeline every this many steps.
getTimeoutInMs() - Method in class org.tensorflow.framework.RunOptions.Builder
Time to wait for operation to complete in milliseconds.
getTimeoutInMs() - Method in class org.tensorflow.framework.RunOptions
Time to wait for operation to complete in milliseconds.
getTimeoutInMs() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
Time to wait for operation to complete in milliseconds.
getTitle() - Method in class org.nd4j.evaluation.curves.BaseCurve
 
getTitle() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
getTitle() - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
getTitle() - Method in class org.nd4j.evaluation.curves.ReliabilityDiagram
 
getTitle() - Method in class org.nd4j.evaluation.curves.RocCurve
 
getTolerateDebugOpCreationFailures() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Do not error out if debug op creation fails (e.g., due to dtype incompatibility).
getTolerateDebugOpCreationFailures() - Method in class org.tensorflow.framework.DebugTensorWatch
Do not error out if debug op creation fails (e.g., due to dtype incompatibility).
getTolerateDebugOpCreationFailures() - Method in interface org.tensorflow.framework.DebugTensorWatchOrBuilder
Do not error out if debug op creation fails (e.g., due to dtype incompatibility).
getTopNCorrectCount() - Method in class org.nd4j.evaluation.classification.Evaluation
Return the number of correct predictions according to top N value.
getTopNTotalCount() - Method in class org.nd4j.evaluation.classification.Evaluation
Return the total number of top N evaluations.
getTOrBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
getTOrBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto
tensor value
getTOrBuilder() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
tensor value
getTOrBuilder() - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
getTOrBuilder() - Method in class onnx.OnnxProto3.AttributeProto
tensor value
getTOrBuilder() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
tensor value
getTotalBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
These are per-node allocator memory stats.
getTotalBytes() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
These are per-node allocator memory stats.
getTotalBytes() - Method in interface org.tensorflow.framework.AllocatorMemoryUsedOrBuilder
These are per-node allocator memory stats.
getTotalEventsNumber() - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
getTotalEventsNumber() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
getToTensor() - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
getToTensor() - Method in class org.tensorflow.framework.TensorConnection
A tensor name.
getToTensor() - Method in interface org.tensorflow.framework.TensorConnectionOrBuilder
A tensor name.
getToTensorBytes() - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
getToTensorBytes() - Method in class org.tensorflow.framework.TensorConnection
A tensor name.
getToTensorBytes() - Method in interface org.tensorflow.framework.TensorConnectionOrBuilder
A tensor name.
getTraceLevel() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.TraceLevel trace_level = 1;
getTraceLevel() - Method in class org.tensorflow.framework.RunOptions
.tensorflow.RunOptions.TraceLevel trace_level = 1;
getTraceLevel() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
.tensorflow.RunOptions.TraceLevel trace_level = 1;
getTraceLevelValue() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.TraceLevel trace_level = 1;
getTraceLevelValue() - Method in class org.tensorflow.framework.RunOptions
.tensorflow.RunOptions.TraceLevel trace_level = 1;
getTraceLevelValue() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
.tensorflow.RunOptions.TraceLevel trace_level = 1;
getTrailingOnes() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getTrailingOnes() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
 
getTrainable() - Method in class org.tensorflow.framework.VariableDef.Builder
Whether this variable should be trained.
getTrainable() - Method in class org.tensorflow.framework.VariableDef
Whether this variable should be trained.
getTrainable() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Whether this variable should be trained.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional, implementation-specific data.
getTransportOptions() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional, implementation-specific data.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufResponse
Optional, implementation-specific data.
getTransportOptions() - Method in interface org.tensorflow.distruntime.RecvBufResponseOrBuilder
Optional, implementation-specific data.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information needed by the RPC subsystem.
getTransportOptions() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information needed by the RPC subsystem.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
getTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorResponse
Optional additional information about how to receive the tensor, e.g.
getTransportOptions() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
Optional additional information about how to receive the tensor, e.g.
getTransportOptionsBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
getTransportOptionsBuilder() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
getTransportOptionsBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
getTransportOptionsBuilder() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional, implementation-specific data.
getTransportOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional, implementation-specific data.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvBufResponse
Optional, implementation-specific data.
getTransportOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.RecvBufResponseOrBuilder
Optional, implementation-specific data.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information needed by the RPC subsystem.
getTransportOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information needed by the RPC subsystem.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
getTransportOptionsOrBuilder() - Method in class org.tensorflow.distruntime.RecvTensorResponse
Optional additional information about how to receive the tensor, e.g.
getTransportOptionsOrBuilder() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
Optional additional information about how to receive the tensor, e.g.
getTransposedMatrixWithShape(char, int, int, int, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getTransposedMatrixWithShape(long, long, long, DataType) - Static method in class org.nd4j.linalg.checkutil.NDArrayCreationUtil
 
getTrueBody() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getTrueBodyExecuted() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
getTrueBodyName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
getTruePositiveRate(int) - Method in class org.nd4j.evaluation.curves.RocCurve
 
getType() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
getType() - Method in class onnx.OnnxMlProto3.AttributeProto
The type field MUST be present for this version of the IR.
getType() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
The type field MUST be present for this version of the IR.
getType() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getType() - Method in class onnx.OnnxMlProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getType() - Method in interface onnx.OnnxMlProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getType() - Method in class onnx.OnnxProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
getType() - Method in class onnx.OnnxProto3.AttributeProto
The type field MUST be present for this version of the IR.
getType() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
The type field MUST be present for this version of the IR.
getType() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getType() - Method in class onnx.OnnxProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getType() - Method in interface onnx.OnnxProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getType() - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
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 opType 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
 
getType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 type = 2;
getType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
int32 type = 2;
getType() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
int32 type = 2;
getType() - Method in class org.tensorflow.framework.AttrValue.Builder
"type"
getType() - Method in class org.tensorflow.framework.AttrValue
"type"
getType(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
getType(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(type)"
getType(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(type)"
getType() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"type"
getType() - Method in class org.tensorflow.framework.InterconnectLink.Builder
string type = 2;
getType() - Method in class org.tensorflow.framework.InterconnectLink
string type = 2;
getType() - Method in interface org.tensorflow.framework.InterconnectLinkOrBuilder
string type = 2;
getType() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
getType() - Method in class org.tensorflow.framework.OpDef.ArgDef
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
getType() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
getType() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
getType() - Method in class org.tensorflow.framework.OpDef.AttrDef
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
getType() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
getType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Device type (CPU, GPU, ...)
getType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Device type (CPU, GPU, ...)
getType() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Device type (CPU, GPU, ...)
getTypeAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "type"
getTypeAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef
if specified, attr must have type "type"
getTypeAttr() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
if specified, attr must have type "type"
getTypeAttrBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "type"
getTypeAttrBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef
if specified, attr must have type "type"
getTypeAttrBytes() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
if specified, attr must have type "type"
getTypeBuilder() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getTypeBuilder() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getTypeBytes() - Method in class org.tensorflow.framework.InterconnectLink.Builder
string type = 2;
getTypeBytes() - Method in class org.tensorflow.framework.InterconnectLink
string type = 2;
getTypeBytes() - Method in interface org.tensorflow.framework.InterconnectLinkOrBuilder
string type = 2;
getTypeBytes() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
getTypeBytes() - Method in class org.tensorflow.framework.OpDef.AttrDef
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
getTypeBytes() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
getTypeBytes() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Device type (CPU, GPU, ...)
getTypeBytes() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Device type (CPU, GPU, ...)
getTypeBytes() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Device type (CPU, GPU, ...)
getTypeCount() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
getTypeCount() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(type)"
getTypeCount() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(type)"
getTypeFromByte(byte) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
This method converts enums for Op.Type
getTypeHint() - Method in class org.tensorflow.framework.SummaryDescription.Builder
Hint on how plugins should process the data in this series.
getTypeHint() - Method in class org.tensorflow.framework.SummaryDescription
Hint on how plugins should process the data in this series.
getTypeHint() - Method in interface org.tensorflow.framework.SummaryDescriptionOrBuilder
Hint on how plugins should process the data in this series.
getTypeHintBytes() - Method in class org.tensorflow.framework.SummaryDescription.Builder
Hint on how plugins should process the data in this series.
getTypeHintBytes() - Method in class org.tensorflow.framework.SummaryDescription
Hint on how plugins should process the data in this series.
getTypeHintBytes() - Method in interface org.tensorflow.framework.SummaryDescriptionOrBuilder
Hint on how plugins should process the data in this series.
getTypeList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
getTypeList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(type)"
getTypeList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(type)"
getTypeListAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
getTypeListAttr() - Method in class org.tensorflow.framework.OpDef.ArgDef
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
getTypeListAttr() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
getTypeListAttrBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
getTypeListAttrBytes() - Method in class org.tensorflow.framework.OpDef.ArgDef
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
getTypeListAttrBytes() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
getTypeName() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string type_name = 3;
getTypeName() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
string type_name = 3;
getTypeName() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
string type_name = 3;
getTypeName() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Name of the type of objects being serialized.
getTypeName() - Method in class org.tensorflow.framework.VariantTensorDataProto
Name of the type of objects being serialized.
getTypeName() - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Name of the type of objects being serialized.
getTypeNameBytes() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string type_name = 3;
getTypeNameBytes() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
string type_name = 3;
getTypeNameBytes() - Method in interface org.tensorflow.framework.GraphTransferNodeInfoOrBuilder
string type_name = 3;
getTypeNameBytes() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Name of the type of objects being serialized.
getTypeNameBytes() - Method in class org.tensorflow.framework.VariantTensorDataProto
Name of the type of objects being serialized.
getTypeNameBytes() - Method in interface org.tensorflow.framework.VariantTensorDataProtoOrBuilder
Name of the type of objects being serialized.
getTypeOrBuilder() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getTypeOrBuilder() - Method in class onnx.OnnxMlProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getTypeOrBuilder() - Method in interface onnx.OnnxMlProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getTypeOrBuilder() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
getTypeOrBuilder() - Method in class onnx.OnnxProto3.ValueInfoProto
This field MUST be present in this version of the IR.
getTypeOrBuilder() - Method in interface onnx.OnnxProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
getTypeValue() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
getTypeValue() - Method in class onnx.OnnxMlProto3.AttributeProto
The type field MUST be present for this version of the IR.
getTypeValue() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
The type field MUST be present for this version of the IR.
getTypeValue() - Method in class onnx.OnnxProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
getTypeValue() - Method in class onnx.OnnxProto3.AttributeProto
The type field MUST be present for this version of the IR.
getTypeValue() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
The type field MUST be present for this version of the IR.
getTypeValue() - Method in class org.tensorflow.framework.AttrValue.Builder
"type"
getTypeValue() - Method in class org.tensorflow.framework.AttrValue
"type"
getTypeValue(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
getTypeValue(int) - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(type)"
getTypeValue(int) - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(type)"
getTypeValue() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"type"
getTypeValue() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
getTypeValue() - Method in class org.tensorflow.framework.OpDef.ArgDef
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
getTypeValue() - Method in interface org.tensorflow.framework.OpDef.ArgDefOrBuilder
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
getTypeValueList() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
getTypeValueList() - Method in class org.tensorflow.framework.AttrValue.ListValue
"list(type)"
getTypeValueList() - Method in interface org.tensorflow.framework.AttrValue.ListValueOrBuilder
"list(type)"
getUFactor(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
getUFactor(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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
getUint32Val(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT32
getUint32Val(int) - Method in class org.tensorflow.framework.TensorProto
DT_UINT32
getUint32Val(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_UINT32
getUint32ValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT32
getUint32ValCount() - Method in class org.tensorflow.framework.TensorProto
DT_UINT32
getUint32ValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_UINT32
getUint32ValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT32
getUint32ValList() - Method in class org.tensorflow.framework.TensorProto
DT_UINT32
getUint32ValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_UINT32
getUint64Data(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64Data(int) - Method in class onnx.OnnxMlProto3.TensorProto
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64Data(int) - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64Data(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64Data(int) - Method in class onnx.OnnxProto3.TensorProto
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64Data(int) - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataCount() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataCount() - Method in class onnx.OnnxMlProto3.TensorProto
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataCount() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataCount() - Method in class onnx.OnnxProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataCount() - Method in class onnx.OnnxProto3.TensorProto
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataCount() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataList() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataList() - Method in class onnx.OnnxMlProto3.TensorProto
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataList() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataList() - Method in class onnx.OnnxProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataList() - Method in class onnx.OnnxProto3.TensorProto
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64DataList() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
getUint64Val(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT64
getUint64Val(int) - Method in class org.tensorflow.framework.TensorProto
DT_UINT64
getUint64Val(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_UINT64
getUint64ValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT64
getUint64ValCount() - Method in class org.tensorflow.framework.TensorProto
DT_UINT64
getUint64ValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_UINT64
getUint64ValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT64
getUint64ValList() - Method in class org.tensorflow.framework.TensorProto
DT_UINT64
getUint64ValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_UINT64
getUnderlyingIndices() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return the indices buffer
getUnderlyingIndicesOf(int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Returns the underlying indices of the element of the given index such as there really are in the original ndarray
getUnderlyingValues() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return the values buffer
getUniqueBranchesNumber() - Method in class org.nd4j.linalg.profiler.data.primitives.StackTree
 
getUniqueBranchesNumber() - Method in class org.nd4j.linalg.profiler.data.StackAggregator
 
getUniqueId() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.AttributeProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.GraphProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.ModelProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.NodeProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TensorProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TypeProto
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
getUnknownFields() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
getUnknownFields() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
getUnknownFields() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.AttributeProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.GraphProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.ModelProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.NodeProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.TensorProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
getUnknownFields() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
getUnknownFields() - Method in class onnx.OnnxProto3.TensorShapeProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.TypeProto
 
getUnknownFields() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
getUnknownFields() - Method in class onnx.OnnxProto3.ValueInfoProto
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ClusterDef
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.JobDef
 
getUnknownFields() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.LoggingRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.LoggingResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ResetRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ResetResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RunStepRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.RunStepResponse
 
getUnknownFields() - Method in class org.tensorflow.distruntime.ServerDef
 
getUnknownFields() - Method in class org.tensorflow.distruntime.StepSequence
 
getUnknownFields() - Method in class org.tensorflow.distruntime.TraceOpts
 
getUnknownFields() - Method in class org.tensorflow.distruntime.TracingRequest
 
getUnknownFields() - Method in class org.tensorflow.distruntime.TracingResponse
 
getUnknownFields() - Method in class org.tensorflow.framework.AllocationDescription
 
getUnknownFields() - Method in class org.tensorflow.framework.AllocationRecord
 
getUnknownFields() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
getUnknownFields() - Method in class org.tensorflow.framework.ApiDef.Arg
 
getUnknownFields() - Method in class org.tensorflow.framework.ApiDef.Attr
 
getUnknownFields() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
getUnknownFields() - Method in class org.tensorflow.framework.ApiDef
 
getUnknownFields() - Method in class org.tensorflow.framework.ApiDefs
 
getUnknownFields() - Method in class org.tensorflow.framework.AssetFileDef
 
getUnknownFields() - Method in class org.tensorflow.framework.AttrValue
 
getUnknownFields() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
getUnknownFields() - Method in class org.tensorflow.framework.AutoParallelOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.CallableOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
getUnknownFields() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
getUnknownFields() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
getUnknownFields() - Method in class org.tensorflow.framework.CollectionDef
 
getUnknownFields() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
getUnknownFields() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
getUnknownFields() - Method in class org.tensorflow.framework.CondContextDef
 
getUnknownFields() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
getUnknownFields() - Method in class org.tensorflow.framework.ConfigProto
 
getUnknownFields() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
getUnknownFields() - Method in class org.tensorflow.framework.CostGraphDef
 
getUnknownFields() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
getUnknownFields() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.CriticalSectionDef
 
getUnknownFields() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
getUnknownFields() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
getUnknownFields() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
getUnknownFields() - Method in class org.tensorflow.framework.DebugOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.DebugTensorWatch
 
getUnknownFields() - Method in class org.tensorflow.framework.DeviceAttributes
 
getUnknownFields() - Method in class org.tensorflow.framework.DeviceLocality
 
getUnknownFields() - Method in class org.tensorflow.framework.DeviceStepStats
 
getUnknownFields() - Method in class org.tensorflow.framework.FunctionDef
 
getUnknownFields() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
getUnknownFields() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
getUnknownFields() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
getUnknownFields() - Method in class org.tensorflow.framework.GPUOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.GradientDef
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphDef
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.HistogramProto
 
getUnknownFields() - Method in class org.tensorflow.framework.InterconnectLink
 
getUnknownFields() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
getUnknownFields() - Method in class org.tensorflow.framework.KernelDef
 
getUnknownFields() - Method in class org.tensorflow.framework.LocalLinks
 
getUnknownFields() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
getUnknownFields() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
getUnknownFields() - Method in class org.tensorflow.framework.MemoryLogStep
 
getUnknownFields() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
getUnknownFields() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
getUnknownFields() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
getUnknownFields() - Method in class org.tensorflow.framework.MemoryStats
 
getUnknownFields() - Method in class org.tensorflow.framework.MetaGraphDef
 
getUnknownFields() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
getUnknownFields() - Method in class org.tensorflow.framework.NameAttrList
 
getUnknownFields() - Method in class org.tensorflow.framework.NamedTensorProto
 
getUnknownFields() - Method in class org.tensorflow.framework.NodeDef
 
getUnknownFields() - Method in class org.tensorflow.framework.NodeExecStats
 
getUnknownFields() - Method in class org.tensorflow.framework.NodeOutput
 
getUnknownFields() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
getUnknownFields() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
getUnknownFields() - Method in class org.tensorflow.framework.OpDef
 
getUnknownFields() - Method in class org.tensorflow.framework.OpDeprecation
 
getUnknownFields() - Method in class org.tensorflow.framework.OpList
 
getUnknownFields() - Method in class org.tensorflow.framework.OptimizerOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.QueueRunnerDef
 
getUnknownFields() - Method in class org.tensorflow.framework.ReaderBaseState
 
getUnknownFields() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
getUnknownFields() - Method in class org.tensorflow.framework.ResourceHandleProto
 
getUnknownFields() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
getUnknownFields() - Method in class org.tensorflow.framework.RewriterConfig
 
getUnknownFields() - Method in class org.tensorflow.framework.RPCOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.RunMetadata
 
getUnknownFields() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
getUnknownFields() - Method in class org.tensorflow.framework.RunOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.SavedModel
 
getUnknownFields() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
getUnknownFields() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
getUnknownFields() - Method in class org.tensorflow.framework.SignatureDef
 
getUnknownFields() - Method in class org.tensorflow.framework.StepStats
 
getUnknownFields() - Method in class org.tensorflow.framework.Summary.Audio
 
getUnknownFields() - Method in class org.tensorflow.framework.Summary
 
getUnknownFields() - Method in class org.tensorflow.framework.Summary.Image
 
getUnknownFields() - Method in class org.tensorflow.framework.Summary.Value
 
getUnknownFields() - Method in class org.tensorflow.framework.SummaryDescription
 
getUnknownFields() - Method in class org.tensorflow.framework.SummaryMetadata
 
getUnknownFields() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorConnection
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorDescription
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorInfo
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorProto
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorShapeProto
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
getUnknownFields() - Method in class org.tensorflow.framework.TensorSliceProto
 
getUnknownFields() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
getUnknownFields() - Method in class org.tensorflow.framework.ValuesDef
 
getUnknownFields() - Method in class org.tensorflow.framework.VariableDef
 
getUnknownFields() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
getUnknownFields() - Method in class org.tensorflow.framework.VersionDef
 
getUnknownFields() - Method in class org.tensorflow.framework.WhileContextDef
 
getUnknownFields() - Method in class org.tensorflow.util.BundleEntryProto
 
getUnknownFields() - Method in class org.tensorflow.util.BundleHeaderProto
 
getUnknownFields() - Method in class org.tensorflow.util.IteratorStateMetadata
 
getUnknownFields() - Method in class org.tensorflow.util.SaverDef
 
getUnknownFields() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
getUnknownFields() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
getUnknownFields() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
getUnknownFields() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
getUnknownFields() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
getUnknownFields() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
getUnknownFields() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
getUnknownFields() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
getUnknownFields() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
getUnknownRank() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
If true, the number of dimensions in the shape is unknown.
getUnknownRank() - Method in class org.tensorflow.framework.TensorShapeProto
If true, the number of dimensions in the shape is unknown.
getUnknownRank() - Method in interface org.tensorflow.framework.TensorShapeProtoOrBuilder
If true, the number of dimensions in the shape is unknown.
getUseExtendedProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture extended profiling events from TensorFlow process.
getUseExtendedProfiler() - Method in class org.tensorflow.distruntime.TraceOpts
If true, capture extended profiling events from TensorFlow process.
getUseExtendedProfiler() - Method in interface org.tensorflow.distruntime.TraceOptsOrBuilder
If true, capture extended profiling events from TensorFlow process.
getUseGpuProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture GPU profiling events locally on each machine.
getUseGpuProfiler() - Method in class org.tensorflow.distruntime.TraceOpts
If true, capture GPU profiling events locally on each machine.
getUseGpuProfiler() - Method in interface org.tensorflow.distruntime.TraceOptsOrBuilder
If true, capture GPU profiling events locally on each machine.
getUseKernelProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture kernel events from each worker.
getUseKernelProfiler() - Method in class org.tensorflow.distruntime.TraceOpts
If true, capture kernel events from each worker.
getUseKernelProfiler() - Method in interface org.tensorflow.distruntime.TraceOptsOrBuilder
If true, capture kernel events from each worker.
getUsePerSessionThreads() - Method in class org.tensorflow.framework.ConfigProto.Builder
If true, use a new set of threads for this session rather than the global pool of threads.
getUsePerSessionThreads() - Method in class org.tensorflow.framework.ConfigProto
If true, use a new set of threads for this session rather than the global pool of threads.
getUsePerSessionThreads() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
If true, use a new set of threads for this session rather than the global pool of threads.
getUseRpcForInprocessMaster() - Method in class org.tensorflow.framework.RPCOptions.Builder
If true, always use RPC to contact the session target.
getUseRpcForInprocessMaster() - Method in class org.tensorflow.framework.RPCOptions
If true, always use RPC to contact the session target.
getUseRpcForInprocessMaster() - Method in interface org.tensorflow.framework.RPCOptionsOrBuilder
If true, always use RPC to contact the session target.
getUseSampleProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, collect sampled profile events.
getUseSampleProfiler() - Method in class org.tensorflow.distruntime.TraceOpts
If true, collect sampled profile events.
getUseSampleProfiler() - Method in interface org.tensorflow.distruntime.TraceOptsOrBuilder
If true, collect sampled profile events.
getUseStepProfiler() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture step profile locally in each worker.
getUseStepProfiler() - Method in class org.tensorflow.distruntime.TraceOpts
If true, capture step profile locally in each worker.
getUseStepProfiler() - Method in interface org.tensorflow.distruntime.TraceOptsOrBuilder
If true, capture step profile locally in each worker.
getUseUnifiedMemory() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
If true, uses CUDA unified memory for memory allocations.
getUseUnifiedMemory() - Method in class org.tensorflow.framework.GPUOptions.Experimental
If true, uses CUDA unified memory for memory allocations.
getUseUnifiedMemory() - Method in interface org.tensorflow.framework.GPUOptions.ExperimentalOrBuilder
If true, uses CUDA unified memory for memory allocations.
getUUID() - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
Returns globally unique ID
getValue() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string value = 2;
getValue() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
string value = 2;
getValue() - Method in interface onnx.OnnxMlProto3.StringStringEntryProtoOrBuilder
string value = 2;
getValue() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string value = 2;
getValue() - Method in class onnx.OnnxProto3.StringStringEntryProto
string value = 2;
getValue() - Method in interface onnx.OnnxProto3.StringStringEntryProtoOrBuilder
string value = 2;
getValue(Field) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Get the value for a given property for this function
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.BaseConvolutionConfig
Get the value for a given property for this function
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
getValue(Field) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
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
 
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.AnyList
repeated .google.protobuf.Any value = 1;
getValue(int) - Method in interface org.tensorflow.framework.CollectionDef.AnyListOrBuilder
repeated .google.protobuf.Any value = 1;
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
repeated bytes value = 1;
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.BytesList
repeated bytes value = 1;
getValue(int) - Method in interface org.tensorflow.framework.CollectionDef.BytesListOrBuilder
repeated bytes value = 1;
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
repeated float value = 1 [packed = true];
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.FloatList
repeated float value = 1 [packed = true];
getValue(int) - Method in interface org.tensorflow.framework.CollectionDef.FloatListOrBuilder
repeated float value = 1 [packed = true];
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
repeated int64 value = 1 [packed = true];
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.Int64List
repeated int64 value = 1 [packed = true];
getValue(int) - Method in interface org.tensorflow.framework.CollectionDef.Int64ListOrBuilder
repeated int64 value = 1 [packed = true];
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
getValue(int) - Method in class org.tensorflow.framework.CollectionDef.NodeList
repeated string value = 1;
getValue(int) - Method in interface org.tensorflow.framework.CollectionDef.NodeListOrBuilder
repeated string value = 1;
getValue(int) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
getValue(int) - Method in class org.tensorflow.framework.Summary
Set of values for the summary.
getValue(int) - Method in interface org.tensorflow.framework.SummaryOrBuilder
Set of values for the summary.
getValueBuilder(int) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
getValueBuilder(int) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
getValueBuilderList() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
getValueBuilderList() - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
getValueBytes() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string value = 2;
getValueBytes() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
string value = 2;
getValueBytes() - Method in interface onnx.OnnxMlProto3.StringStringEntryProtoOrBuilder
string value = 2;
getValueBytes() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string value = 2;
getValueBytes() - Method in class onnx.OnnxProto3.StringStringEntryProto
string value = 2;
getValueBytes() - Method in interface onnx.OnnxProto3.StringStringEntryProtoOrBuilder
string value = 2;
getValueBytes(int) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
getValueBytes(int) - Method in class org.tensorflow.framework.CollectionDef.NodeList
repeated string value = 1;
getValueBytes(int) - Method in interface org.tensorflow.framework.CollectionDef.NodeListOrBuilder
repeated string value = 1;
getValueCase() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
getValueCase() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
getValueCase() - Method in interface onnx.OnnxMlProto3.TensorShapeProto.DimensionOrBuilder
 
getValueCase() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
getValueCase() - Method in class onnx.OnnxMlProto3.TypeProto
 
getValueCase() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
 
getValueCase() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
getValueCase() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
getValueCase() - Method in interface onnx.OnnxProto3.TensorShapeProto.DimensionOrBuilder
 
getValueCase() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
getValueCase() - Method in class onnx.OnnxProto3.TypeProto
 
getValueCase() - Method in interface onnx.OnnxProto3.TypeProtoOrBuilder
 
getValueCase() - Method in class org.tensorflow.framework.AttrValue.Builder
 
getValueCase() - Method in class org.tensorflow.framework.AttrValue
 
getValueCase() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
 
getValueCase() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
getValueCase() - Method in class org.tensorflow.framework.Summary.Value
 
getValueCase() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
 
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.AnyList
repeated .google.protobuf.Any value = 1;
getValueCount() - Method in interface org.tensorflow.framework.CollectionDef.AnyListOrBuilder
repeated .google.protobuf.Any value = 1;
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
repeated bytes value = 1;
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.BytesList
repeated bytes value = 1;
getValueCount() - Method in interface org.tensorflow.framework.CollectionDef.BytesListOrBuilder
repeated bytes value = 1;
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
repeated float value = 1 [packed = true];
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.FloatList
repeated float value = 1 [packed = true];
getValueCount() - Method in interface org.tensorflow.framework.CollectionDef.FloatListOrBuilder
repeated float value = 1 [packed = true];
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
repeated int64 value = 1 [packed = true];
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.Int64List
repeated int64 value = 1 [packed = true];
getValueCount() - Method in interface org.tensorflow.framework.CollectionDef.Int64ListOrBuilder
repeated int64 value = 1 [packed = true];
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
getValueCount() - Method in class org.tensorflow.framework.CollectionDef.NodeList
repeated string value = 1;
getValueCount() - Method in interface org.tensorflow.framework.CollectionDef.NodeListOrBuilder
repeated string value = 1;
getValueCount() - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
getValueCount() - Method in class org.tensorflow.framework.Summary
Set of values for the summary.
getValueCount() - Method in interface org.tensorflow.framework.SummaryOrBuilder
Set of values for the summary.
getValueDescriptor() - Method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
 
getValueDescriptor() - Method in enum onnx.OnnxMlProto3.TensorProto.DataType
 
getValueDescriptor() - Method in enum onnx.OnnxMlProto3.Version
 
getValueDescriptor() - Method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
 
getValueDescriptor() - Method in enum onnx.OnnxProto3.AttributeProto.AttributeType
 
getValueDescriptor() - Method in enum onnx.OnnxProto3.TensorProto.DataType
 
getValueDescriptor() - Method in enum onnx.OnnxProto3.Version
 
getValueDescriptor() - Method in enum org.tensorflow.framework.ApiDef.Visibility
 
getValueDescriptor() - Method in enum org.tensorflow.framework.Code
 
getValueDescriptor() - Method in enum org.tensorflow.framework.DataType
 
getValueDescriptor() - Method in enum org.tensorflow.framework.GraphTransferInfo.Destination
 
getValueDescriptor() - Method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
 
getValueDescriptor() - Method in enum org.tensorflow.framework.OptimizerOptions.Level
 
getValueDescriptor() - Method in enum org.tensorflow.framework.RewriterConfig.MemOptType
 
getValueDescriptor() - Method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
 
getValueDescriptor() - Method in enum org.tensorflow.framework.RewriterConfig.Toggle
 
getValueDescriptor() - Method in enum org.tensorflow.framework.RunOptions.TraceLevel
 
getValueDescriptor() - Method in enum org.tensorflow.util.BundleHeaderProto.Endianness
 
getValueDescriptor() - Method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
 
getValueInfo(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfo(int) - Method in class onnx.OnnxMlProto3.GraphProto
Information for the values in the graph.
getValueInfo(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfo(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfo(int) - Method in class onnx.OnnxProto3.GraphProto
Information for the values in the graph.
getValueInfo(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoCount() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoCount() - Method in class onnx.OnnxMlProto3.GraphProto
Information for the values in the graph.
getValueInfoCount() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoCount() - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoCount() - Method in class onnx.OnnxProto3.GraphProto
Information for the values in the graph.
getValueInfoCount() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoList() - Method in class onnx.OnnxMlProto3.GraphProto
Information for the values in the graph.
getValueInfoList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoList() - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoList() - Method in class onnx.OnnxProto3.GraphProto
Information for the values in the graph.
getValueInfoList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoOrBuilder(int) - Method in class onnx.OnnxMlProto3.GraphProto
Information for the values in the graph.
getValueInfoOrBuilder(int) - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoOrBuilder(int) - Method in class onnx.OnnxProto3.GraphProto
Information for the values in the graph.
getValueInfoOrBuilder(int) - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoOrBuilderList() - Method in class onnx.OnnxMlProto3.GraphProto
Information for the values in the graph.
getValueInfoOrBuilderList() - Method in interface onnx.OnnxMlProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueInfoOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
getValueInfoOrBuilderList() - Method in class onnx.OnnxProto3.GraphProto
Information for the values in the graph.
getValueInfoOrBuilderList() - Method in interface onnx.OnnxProto3.GraphProtoOrBuilder
Information for the values in the graph.
getValueList() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
getValueList() - Method in class org.tensorflow.framework.CollectionDef.AnyList
repeated .google.protobuf.Any value = 1;
getValueList() - Method in interface org.tensorflow.framework.CollectionDef.AnyListOrBuilder
repeated .google.protobuf.Any value = 1;
getValueList() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
repeated bytes value = 1;
getValueList() - Method in class org.tensorflow.framework.CollectionDef.BytesList
repeated bytes value = 1;
getValueList() - Method in interface org.tensorflow.framework.CollectionDef.BytesListOrBuilder
repeated bytes value = 1;
getValueList() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
repeated float value = 1 [packed = true];
getValueList() - Method in class org.tensorflow.framework.CollectionDef.FloatList
repeated float value = 1 [packed = true];
getValueList() - Method in interface org.tensorflow.framework.CollectionDef.FloatListOrBuilder
repeated float value = 1 [packed = true];
getValueList() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
repeated int64 value = 1 [packed = true];
getValueList() - Method in class org.tensorflow.framework.CollectionDef.Int64List
repeated int64 value = 1 [packed = true];
getValueList() - Method in interface org.tensorflow.framework.CollectionDef.Int64ListOrBuilder
repeated int64 value = 1 [packed = true];
getValueList() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
getValueList() - Method in class org.tensorflow.framework.CollectionDef.NodeList
repeated string value = 1;
getValueList() - Method in interface org.tensorflow.framework.CollectionDef.NodeListOrBuilder
repeated string value = 1;
getValueList() - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
getValueList() - Method in class org.tensorflow.framework.Summary
Set of values for the summary.
getValueList() - Method in interface org.tensorflow.framework.SummaryOrBuilder
Set of values for the summary.
getValueOrBuilder(int) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
getValueOrBuilder(int) - Method in class org.tensorflow.framework.CollectionDef.AnyList
repeated .google.protobuf.Any value = 1;
getValueOrBuilder(int) - Method in interface org.tensorflow.framework.CollectionDef.AnyListOrBuilder
repeated .google.protobuf.Any value = 1;
getValueOrBuilder(int) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
getValueOrBuilder(int) - Method in class org.tensorflow.framework.Summary
Set of values for the summary.
getValueOrBuilder(int) - Method in interface org.tensorflow.framework.SummaryOrBuilder
Set of values for the summary.
getValueOrBuilderList() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
getValueOrBuilderList() - Method in class org.tensorflow.framework.CollectionDef.AnyList
repeated .google.protobuf.Any value = 1;
getValueOrBuilderList() - Method in interface org.tensorflow.framework.CollectionDef.AnyListOrBuilder
repeated .google.protobuf.Any value = 1;
getValueOrBuilderList() - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
getValueOrBuilderList() - Method in class org.tensorflow.framework.Summary
Set of values for the summary.
getValueOrBuilderList() - Method in interface org.tensorflow.framework.SummaryOrBuilder
Set of values for the summary.
getValues() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
getValues(int) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
getValues(int) - Method in class org.tensorflow.framework.ValuesDef
Value names that have been seen in this context.
getValues(int) - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names that have been seen in this context.
getValuesBytes(int) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
getValuesBytes(int) - Method in class org.tensorflow.framework.ValuesDef
Value names that have been seen in this context.
getValuesBytes(int) - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names that have been seen in this context.
getValuesCount() - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
getValuesCount() - Method in class org.tensorflow.framework.ValuesDef
Value names that have been seen in this context.
getValuesCount() - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names that have been seen in this context.
getValuesDef() - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
getValuesDef() - Method in class org.tensorflow.framework.CondContextDef
Values and external values in control flow context.
getValuesDef() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Values and external values in control flow context.
getValuesDef() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
getValuesDef() - Method in class org.tensorflow.framework.WhileContextDef
Values and external values in control flow context.
getValuesDef() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Values and external values in control flow context.
getValuesDefBuilder() - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
getValuesDefBuilder() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
getValuesDefOrBuilder() - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
getValuesDefOrBuilder() - Method in class org.tensorflow.framework.CondContextDef
Values and external values in control flow context.
getValuesDefOrBuilder() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Values and external values in control flow context.
getValuesDefOrBuilder() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
getValuesDefOrBuilder() - Method in class org.tensorflow.framework.WhileContextDef
Values and external values in control flow context.
getValuesDefOrBuilder() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Values and external values in control flow context.
getValuesList() - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
getValuesList() - Method in class org.tensorflow.framework.ValuesDef
Value names that have been seen in this context.
getValuesList() - Method in interface org.tensorflow.framework.ValuesDefOrBuilder
Value names that have been seen in this context.
getValuesTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The shape of the values Tensor is [?].
getValuesTensorName() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
The shape of the values Tensor is [?].
getValuesTensorName() - Method in interface org.tensorflow.framework.TensorInfo.CooSparseOrBuilder
The shape of the values Tensor is [?].
getValuesTensorNameBytes() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The shape of the values Tensor is [?].
getValuesTensorNameBytes() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
The shape of the values Tensor is [?].
getValuesTensorNameBytes() - Method in interface org.tensorflow.framework.TensorInfo.CooSparseOrBuilder
The shape of the values Tensor is [?].
getValueType() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
getValueType() - Method in class onnx.OnnxMlProto3.TypeProto.Map
This field MUST be present for this version of the IR.
getValueType() - Method in interface onnx.OnnxMlProto3.TypeProto.MapOrBuilder
This field MUST be present for this version of the IR.
getValueTypeBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
getValueTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
getValueTypeOrBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Map
This field MUST be present for this version of the IR.
getValueTypeOrBuilder() - Method in interface onnx.OnnxMlProto3.TypeProto.MapOrBuilder
This field MUST be present for this version of the IR.
getVariable(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the variable based on the opName
getVariableName() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the variable tensor.
getVariableName() - Method in class org.tensorflow.framework.VariableDef
Name of the variable tensor.
getVariableName() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the variable tensor.
getVariableNameBytes() - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the variable tensor.
getVariableNameBytes() - Method in class org.tensorflow.framework.VariableDef
Name of the variable tensor.
getVariableNameBytes() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Name of the variable tensor.
getVariableOutputFunction(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the differential function (if any) that this variable is the output for
getVariantVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
getVariantVal(int) - Method in class org.tensorflow.framework.TensorProto
DT_VARIANT
getVariantVal(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_VARIANT
getVariantValBuilder(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
getVariantValBuilderList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
getVariantValCount() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
getVariantValCount() - Method in class org.tensorflow.framework.TensorProto
DT_VARIANT
getVariantValCount() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_VARIANT
getVariantValList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
getVariantValList() - Method in class org.tensorflow.framework.TensorProto
DT_VARIANT
getVariantValList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_VARIANT
getVariantValOrBuilder(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
getVariantValOrBuilder(int) - Method in class org.tensorflow.framework.TensorProto
DT_VARIANT
getVariantValOrBuilder(int) - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_VARIANT
getVariantValOrBuilderList() - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
getVariantValOrBuilderList() - Method in class org.tensorflow.framework.TensorProto
DT_VARIANT
getVariantValOrBuilderList() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
DT_VARIANT
getVarNameForFieldAndFunction(DifferentialFunction, String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the variable name to use for resolving a given field for a given function during import time.
getVarOffset(int) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Offset of this variable into the full variable.
getVarOffset(int) - Method in class org.tensorflow.framework.SaveSliceInfoDef
Offset of this variable into the full variable.
getVarOffset(int) - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Offset of this variable into the full variable.
getVarOffsetCount() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Offset of this variable into the full variable.
getVarOffsetCount() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Offset of this variable into the full variable.
getVarOffsetCount() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Offset of this variable into the full variable.
getVarOffsetList() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Offset of this variable into the full variable.
getVarOffsetList() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Offset of this variable into the full variable.
getVarOffsetList() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Offset of this variable into the full variable.
getVarShape(int) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of this variable.
getVarShape(int) - Method in class org.tensorflow.framework.SaveSliceInfoDef
Shape of this variable.
getVarShape(int) - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Shape of this variable.
getVarShapeCount() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of this variable.
getVarShapeCount() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Shape of this variable.
getVarShapeCount() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Shape of this variable.
getVarShapeList() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of this variable.
getVarShapeList() - Method in class org.tensorflow.framework.SaveSliceInfoDef
Shape of this variable.
getVarShapeList() - Method in interface org.tensorflow.framework.SaveSliceInfoDefOrBuilder
Shape of this variable.
getVectorCoordinates() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getVectorCoordinates() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Returns the indices of non-zero element of the vector
getVectorCoordinates() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
Return the minor pointers.
getVectorCoordinates() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return a array of non-major pointers i.e.
getVectorCoordinates() - Method in interface org.nd4j.linalg.api.ndarray.ISparseNDArray
Return a array of non-major pointers i.e.
getVendor() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Vendor (Intel, nvidia, ...)
getVendor() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Vendor (Intel, nvidia, ...)
getVendor() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Vendor (Intel, nvidia, ...)
getVendorBytes() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Vendor (Intel, nvidia, ...)
getVendorBytes() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
Vendor (Intel, nvidia, ...)
getVendorBytes() - Method in interface tensorflow.DevicePropertiesProtos.DevicePropertiesOrBuilder
Vendor (Intel, nvidia, ...)
getVersion() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The version of the operator set being identified.
getVersion() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
The version of the operator set being identified.
getVersion() - Method in interface onnx.OnnxMlProto3.OperatorSetIdProtoOrBuilder
The version of the operator set being identified.
getVersion() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The version of the operator set being identified.
getVersion() - Method in class onnx.OnnxProto3.OperatorSetIdProto
The version of the operator set being identified.
getVersion() - Method in interface onnx.OnnxProto3.OperatorSetIdProtoOrBuilder
The version of the operator set being identified.
getVersion() - Method in class org.tensorflow.framework.GraphDef.Builder
Deprecated.
getVersion() - Method in class org.tensorflow.framework.GraphDef
Deprecated.
getVersion() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
Deprecated.
getVersion() - Method in class org.tensorflow.framework.OpDeprecation.Builder
First GraphDef version at which the op is disallowed.
getVersion() - Method in class org.tensorflow.framework.OpDeprecation
First GraphDef version at which the op is disallowed.
getVersion() - Method in interface org.tensorflow.framework.OpDeprecationOrBuilder
First GraphDef version at which the op is disallowed.
getVersion() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
getVersion() - Method in class org.tensorflow.util.BundleHeaderProto
Versioning of the tensor bundle format.
getVersion() - Method in interface org.tensorflow.util.BundleHeaderProtoOrBuilder
Versioning of the tensor bundle format.
getVersion() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
A user-specified version string.
getVersion() - Method in class org.tensorflow.util.IteratorStateMetadata
A user-specified version string.
getVersion() - Method in interface org.tensorflow.util.IteratorStateMetadataOrBuilder
A user-specified version string.
getVersion() - Method in class org.tensorflow.util.SaverDef.Builder
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
getVersion() - Method in class org.tensorflow.util.SaverDef
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
getVersion() - Method in interface org.tensorflow.util.SaverDefOrBuilder
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
getVersionBuilder() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
getVersionBytes() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
A user-specified version string.
getVersionBytes() - Method in class org.tensorflow.util.IteratorStateMetadata
A user-specified version string.
getVersionBytes() - Method in interface org.tensorflow.util.IteratorStateMetadataOrBuilder
A user-specified version string.
getVersionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
getVersionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
This is the version for all the ops that will be enqueued by the client.
getVersionDef() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
This is the version for all the ops that will be enqueued by the client.
getVersionDefBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
getVersionDefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
getVersionDefOrBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
This is the version for all the ops that will be enqueued by the client.
getVersionDefOrBuilder() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
This is the version for all the ops that will be enqueued by the client.
getVersionInfos() - Static method in class org.nd4j.versioncheck.VersionCheck
 
getVersionNumber() - Method in class org.tensorflow.framework.TensorProto.Builder
Version number.
getVersionNumber() - Method in class org.tensorflow.framework.TensorProto
Version number.
getVersionNumber() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
Version number.
getVersionOrBuilder() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
getVersionOrBuilder() - Method in class org.tensorflow.util.BundleHeaderProto
Versioning of the tensor bundle format.
getVersionOrBuilder() - Method in interface org.tensorflow.util.BundleHeaderProtoOrBuilder
Versioning of the tensor bundle format.
getVersions() - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
getVersions() - Method in class org.tensorflow.framework.GraphDef
Compatibility versions of the graph.
getVersions() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
Compatibility versions of the graph.
getVersionsBuilder() - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
getVersionsOrBuilder() - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
getVersionsOrBuilder() - Method in class org.tensorflow.framework.GraphDef
Compatibility versions of the graph.
getVersionsOrBuilder() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
Compatibility versions of the graph.
getVersionValue() - Method in class org.tensorflow.util.SaverDef.Builder
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
getVersionValue() - Method in class org.tensorflow.util.SaverDef
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
getVersionValue() - Method in interface org.tensorflow.util.SaverDefOrBuilder
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
getVirtualDevices(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
getVirtualDevices(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental
The multi virtual device settings.
getVirtualDevices(int) - Method in interface org.tensorflow.framework.GPUOptions.ExperimentalOrBuilder
The multi virtual device settings.
getVirtualDevicesBuilder(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
getVirtualDevicesBuilderList() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
getVirtualDevicesCount() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
getVirtualDevicesCount() - Method in class org.tensorflow.framework.GPUOptions.Experimental
The multi virtual device settings.
getVirtualDevicesCount() - Method in interface org.tensorflow.framework.GPUOptions.ExperimentalOrBuilder
The multi virtual device settings.
getVirtualDevicesList() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
getVirtualDevicesList() - Method in class org.tensorflow.framework.GPUOptions.Experimental
The multi virtual device settings.
getVirtualDevicesList() - Method in interface org.tensorflow.framework.GPUOptions.ExperimentalOrBuilder
The multi virtual device settings.
getVirtualDevicesOrBuilder(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
getVirtualDevicesOrBuilder(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental
The multi virtual device settings.
getVirtualDevicesOrBuilder(int) - Method in interface org.tensorflow.framework.GPUOptions.ExperimentalOrBuilder
The multi virtual device settings.
getVirtualDevicesOrBuilderList() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
getVirtualDevicesOrBuilderList() - Method in class org.tensorflow.framework.GPUOptions.Experimental
The multi virtual device settings.
getVirtualDevicesOrBuilderList() - Method in interface org.tensorflow.framework.GPUOptions.ExperimentalOrBuilder
The multi virtual device settings.
getVisibility() - Method in class org.tensorflow.framework.ApiDef.Builder
.tensorflow.ApiDef.Visibility visibility = 2;
getVisibility() - Method in class org.tensorflow.framework.ApiDef
.tensorflow.ApiDef.Visibility visibility = 2;
getVisibility() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
.tensorflow.ApiDef.Visibility visibility = 2;
getVisibilityValue() - Method in class org.tensorflow.framework.ApiDef.Builder
.tensorflow.ApiDef.Visibility visibility = 2;
getVisibilityValue() - Method in class org.tensorflow.framework.ApiDef
.tensorflow.ApiDef.Visibility visibility = 2;
getVisibilityValue() - Method in interface org.tensorflow.framework.ApiDefOrBuilder
.tensorflow.ApiDef.Visibility visibility = 2;
getVisibleDeviceList() - Method in class org.tensorflow.framework.GPUOptions.Builder
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
getVisibleDeviceList() - Method in class org.tensorflow.framework.GPUOptions
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
getVisibleDeviceList() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
getVisibleDeviceListBytes() - Method in class org.tensorflow.framework.GPUOptions.Builder
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
getVisibleDeviceListBytes() - Method in class org.tensorflow.framework.GPUOptions
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
getVisibleDeviceListBytes() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
getWhere(INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getWhere(Number, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
getWhere(INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getWhere(Number, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
getWhere(INDArray, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Boolean indexing: Return the element if it fulfills the condition in result array
getWhere(Number, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Boolean indexing: Return the element if it fulfills the condition in result array
getWhileCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
getWhileCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef
.tensorflow.WhileContextDef while_ctxt = 2;
getWhileCtxt() - Method in interface org.tensorflow.framework.ControlFlowContextDefOrBuilder
.tensorflow.WhileContextDef while_ctxt = 2;
getWhileCtxtBuilder() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
getWhileCtxtOrBuilder() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
getWhileCtxtOrBuilder() - Method in class org.tensorflow.framework.ControlFlowContextDef
.tensorflow.WhileContextDef while_ctxt = 2;
getWhileCtxtOrBuilder() - Method in interface org.tensorflow.framework.ControlFlowContextDefOrBuilder
.tensorflow.WhileContextDef while_ctxt = 2;
getWidth() - Method in class org.tensorflow.framework.Summary.Image.Builder
int32 width = 2;
getWidth() - Method in class org.tensorflow.framework.Summary.Image
int32 width = 2;
getWidth() - Method in interface org.tensorflow.framework.Summary.ImageOrBuilder
int32 width = 2;
getWorkFinished() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 work_finished = 2;
getWorkFinished() - Method in class org.tensorflow.framework.ReaderBaseState
int64 work_finished = 2;
getWorkFinished() - Method in interface org.tensorflow.framework.ReaderBaseStateOrBuilder
int64 work_finished = 2;
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
getWorkspaceName(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
getWorkspaceName(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
 
getWorkspaceType() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
getWorkspaceType() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
getWorkStarted() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 work_started = 1;
getWorkStarted() - Method in class org.tensorflow.framework.ReaderBaseState
int64 work_started = 1;
getWorkStarted() - Method in interface org.tensorflow.framework.ReaderBaseStateOrBuilder
int64 work_started = 1;
getX() - Method in class org.nd4j.evaluation.curves.BaseCurve
 
getX() - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
getX() - Method in class org.nd4j.evaluation.curves.ReliabilityDiagram
 
getX() - Method in class org.nd4j.evaluation.curves.RocCurve
 
getY() - Method in class org.nd4j.evaluation.curves.BaseCurve
 
getY() - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
getY() - Method in class org.nd4j.evaluation.curves.ReliabilityDiagram
 
getY() - Method in class org.nd4j.evaluation.curves.RocCurve
 
GIT_PROPERTY_FILE_SUFFIX - Static variable in class org.nd4j.versioncheck.VersionCheck
 
GLOBAL_JIT_LEVEL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OptimizerOptions
 
GLOBAL_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ThreadPoolOptionProto
 
GLOBAL_STEP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebugOptions
 
gMeasure(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the G-measure for the given output
gMeasure(EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculates the average G measure for all outputs using micro or macro averaging
gMeasure(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Calculate the G-measure for the given output
gMeasure(double, double) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the G-measure from precision and recall
goingToCompress(DataTypeEx, DataTypeEx) - Static method in class org.nd4j.linalg.compression.CompressionUtils
 
goingToDecompress(DataTypeEx, DataTypeEx) - Static method in class org.nd4j.linalg.compression.CompressionUtils
 
GPU_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
gpuMemory(int) - Method in class org.nd4j.graph.UIHardwareState
 
gpuMemoryAsByteBuffer() - Method in class org.nd4j.graph.UIHardwareState
 
gpuMemoryInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIHardwareState
 
gpuMemoryLength() - Method in class org.nd4j.graph.UIHardwareState
 
GPUOptions - Class in org.tensorflow.framework
Protobuf type tensorflow.GPUOptions
GPUOptions.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GPUOptions
GPUOptions.Experimental - Class in org.tensorflow.framework
Protobuf type tensorflow.GPUOptions.Experimental
GPUOptions.Experimental.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GPUOptions.Experimental
GPUOptions.Experimental.VirtualDevices - Class in org.tensorflow.framework
Configuration for breaking down a visible GPU into multiple "virtual" devices.
GPUOptions.Experimental.VirtualDevices.Builder - Class in org.tensorflow.framework
Configuration for breaking down a visible GPU into multiple "virtual" devices.
GPUOptions.Experimental.VirtualDevicesOrBuilder - Interface in org.tensorflow.framework
 
GPUOptions.ExperimentalOrBuilder - Interface in org.tensorflow.framework
 
GPUOptionsOrBuilder - Interface in org.tensorflow.framework
 
grad(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Get the gradient for the variable with the specified variable name.
grad(DifferentialFunctionFactory, SDVariable, SDVariable, int[]) - Static method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
gradCheckMask() - Method in class org.nd4j.autodiff.validation.TestCase
 
gradCheckSkipVariables() - Method in class org.nd4j.autodiff.validation.TestCase
 
gradCheckSkipVariables(String...) - Method in class org.nd4j.autodiff.validation.TestCase
Specify the input variables that should NOT be gradient checked.
GradCheckUtil - Class in org.nd4j.autodiff.validation
Gradient check utility
GradCheckUtil() - Constructor for class org.nd4j.autodiff.validation.GradCheckUtil
 
gradient - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
gradient() - Method in class org.nd4j.autodiff.samediff.SDVariable
Alias for the gradient variable - same as SDVariable.getGradient().
GRADIENT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.FunctionDefLibrary
 
GRADIENT_FUNC_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GradientDef
 
gradientBackwardsMarker(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gradientBackwardsMarker(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Intended for internal/developer use
gradientBackwardsMarker(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Intended for internal/developer use
GradientBackwardsMarker - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
 
GradientBackwardsMarker(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
GradientBackwardsMarker() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
GradientDef - Class in org.tensorflow.framework
GradientDef defines the gradient function of a function defined in a function library.
GradientDef.Builder - Class in org.tensorflow.framework
GradientDef defines the gradient function of a function defined in a function library.
GradientDefOrBuilder - Interface in org.tensorflow.framework
 
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.
gradientVariable() - Method in class org.nd4j.graph.UIVariable
 
gradientVariableAsByteBuffer() - Method in class org.nd4j.graph.UIVariable
 
gradientVariableInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIVariable
 
GRAPH - Static variable in class org.nd4j.graph.OpClass
 
GRAPH - Static variable in class org.nd4j.graph.OpType
 
GRAPH_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateSessionRequest
 
GRAPH_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExtendSessionRequest
 
GRAPH_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphRequest
 
GRAPH_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef
 
GRAPH_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
GRAPH_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
GRAPH_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.DeregisterGraphRequest
 
GRAPH_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphResponse
 
GRAPH_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
GRAPH_INPUT_NODE_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferInfo
 
GRAPH_INPUT_NODE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
GRAPH_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.GetStepSequenceRequest
 
GRAPH_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.StepSequence
 
GRAPH_OP_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
GRAPH_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphRequest
 
GRAPH_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
GRAPH_OUTPUT_NODE_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferInfo
 
GRAPH_OUTPUT_NODE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
GRAPH_STRUCTURE - Static variable in class org.nd4j.graph.UIInfoType
 
GRAPH_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
GRAPH = 5;
GRAPH_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
GRAPH = 5;
GRAPH_VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateSessionResponse
 
GraphDef - Class in org.tensorflow.framework
Represents the graph of operations
GraphDef.Builder - Class in org.tensorflow.framework
Represents the graph of operations
GraphDefOrBuilder - Interface in org.tensorflow.framework
 
GraphExecutioner - Interface in org.nd4j.autodiff.execution
This interface
GraphExecutioner.Type - Enum in org.nd4j.autodiff.execution
 
GraphMapper<GRAPH_TYPE,NODE_TYPE,ATTR_TYPE,TENSOR_TYPE> - Interface in org.nd4j.imports.graphmapper
Map graph proto types to SameDiff instances
GraphOptions - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphOptions
GraphOptions.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphOptions
GraphOptionsOrBuilder - Interface in org.tensorflow.framework
 
GraphProtos - Class in org.tensorflow.framework
 
GRAPHS_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
GRAPHS_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
GRAPHS_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
GRAPHS = 10;
GRAPHS_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
GRAPHS = 10;
GraphTransferConstNodeInfo - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferConstNodeInfo
GraphTransferConstNodeInfo.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferConstNodeInfo
GraphTransferConstNodeInfoOrBuilder - Interface in org.tensorflow.framework
 
GraphTransferGraphInputNodeInfo - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferGraphInputNodeInfo
GraphTransferGraphInputNodeInfo.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferGraphInputNodeInfo
GraphTransferGraphInputNodeInfoOrBuilder - Interface in org.tensorflow.framework
 
GraphTransferGraphOutputNodeInfo - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferGraphOutputNodeInfo
GraphTransferGraphOutputNodeInfo.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferGraphOutputNodeInfo
GraphTransferGraphOutputNodeInfoOrBuilder - Interface in org.tensorflow.framework
 
GraphTransferInfo - Class in org.tensorflow.framework
Protocol buffer representing a handle to a tensorflow resource.
GraphTransferInfo.Builder - Class in org.tensorflow.framework
Protocol buffer representing a handle to a tensorflow resource.
GraphTransferInfo.Destination - Enum in org.tensorflow.framework
Protobuf enum tensorflow.GraphTransferInfo.Destination
GraphTransferInfoOrBuilder - Interface in org.tensorflow.framework
 
GraphTransferInfoProto - Class in org.tensorflow.framework
 
GraphTransferNodeInfo - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeInfo
GraphTransferNodeInfo.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeInfo
GraphTransferNodeInfoOrBuilder - Interface in org.tensorflow.framework
 
GraphTransferNodeInput - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeInput
GraphTransferNodeInput.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeInput
GraphTransferNodeInputInfo - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeInputInfo
GraphTransferNodeInputInfo.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeInputInfo
GraphTransferNodeInputInfoOrBuilder - Interface in org.tensorflow.framework
 
GraphTransferNodeInputOrBuilder - Interface in org.tensorflow.framework
 
GraphTransferNodeOutputInfo - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeOutputInfo
GraphTransferNodeOutputInfo.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.GraphTransferNodeOutputInfo
GraphTransferNodeOutputInfoOrBuilder - Interface in org.tensorflow.framework
 
GraphTransformUtil - Class in org.nd4j.autodiff.samediff.transform
GraphTransformUtil provides a number of utility methods to modify graphs - replacing nodes and subgraphs, etc.
See the individual methods for futher details
GreaterThan - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
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.custom.GreaterThan
 
GreaterThan(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
GreaterThan(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
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
 
GreaterThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
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.custom.GreaterThanOrEqual
 
GreaterThanOrEqual(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
GreaterThanOrEqual(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
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(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
 
GROUP_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupRequest
 
GROUP_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupResponse
 
GROUP_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
GROUP_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupRequest
 
GROUP_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupResponse
 
GROUP_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
gru(GRUCellConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
The gru cell
gru(String, GRUCellConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
The gru cell
GRUCell - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent
GRU cell for RNNs
GRUCell() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
GRUCell(SameDiff, GRUCellConfiguration) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
GRUCellConfiguration - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent.config
 
GRUCellConfiguration() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.GRUCellConfiguration
 
gt(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gt(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gt(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than operation: elementwise x > y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
gt(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than operation: elementwise x > y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
gt(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than operation: elementwise x > y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
gt(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than operation: elementwise x > y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
gt(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
gt(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Greater than operation: elementwise this > value
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
gt(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
gt(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Greater than operation: elementwise this > y
If x and y arrays have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if x and y have different shapes and are broadcastable, the output shape is broadcast.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
gt(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 "Greater Than" comparison.
gt(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast greater than op.
gte(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gte(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gte(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than or equals operation: elementwise x >= y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
gte(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than or equals operation: elementwise x >= y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
gte(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than or equal to operation: elementwise x >= y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
gte(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Greater than or equal to operation: elementwise x >= y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
gte(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
gte(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Greater than or equals operation: elementwise this >= value
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
gte(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
gte(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Greater than or equal to operation: elementwise this >= y
If x and y arrays have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if x and y have different shapes and are broadcastable, the output shape is broadcast.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
gte(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
gte(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
gte(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns binary ndarray for "Greter or equals" comparison.
gte(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast greater than or equal to op.
gtei(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gtei(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gti(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
gti(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
guid - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 

H

HALF - Static variable in class org.nd4j.graph.DataType
 
HALF2 - Static variable in class org.nd4j.graph.DataType
 
HALF_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
hammingDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
hammingDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
hammingDistance(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Hamming distance reduction operation.
HammingDistance - Class in org.nd4j.linalg.api.ops.impl.reduce3
Hamming distance (simple)
HammingDistance(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
HammingDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
HammingDistance(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
HammingDistance(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
HammingDistance(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
HammingDistance(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
HammingDistance(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
hammingDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.MakeCallableResponse
 
HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ReleaseCallableRequest
 
HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunCallableRequest
 
HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogStep
 
HANDLE_TO_DECREF_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
handleParamsView(INDArray, INDArray) - Method in class org.nd4j.weightinit.BaseWeightInitScheme
 
hardSigmoid(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
hardSigmoid(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise hard sigmoid function:
out[i] = 0 if in[i] <= -2.5
out[1] = 0.2*in[i]+0.5 if -2.5 < in[i] < 2.5
out[i] = 1 if in[i] >= 2.5
hardSigmoid(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise hard sigmoid function:
out[i] = 0 if in[i] <= -2.5
out[1] = 0.2*in[i]+0.5 if -2.5 < in[i] < 2.5
out[i] = 1 if in[i] >= 2.5
HardSigmoid - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
HardSigmoid function
HardSigmoid() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
HardSigmoid(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
HardSigmoid(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
HardSigmoid(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
hardSigmoid(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
HardSigmoidDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
HardSigmoid derivative
HardSigmoidDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
HardSigmoidDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
HardSigmoidDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
HardSigmoidDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
hardTanh(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
hardTanh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise hard tanh function:
out[i] = -1 if in[i] <= -1
out[1] = in[i] if -1 < in[i] < 1
out[i] = 1 if in[i] >= 1
hardTanh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise hard tanh function:
out[i] = -1 if in[i] <= -1
out[1] = in[i] if -1 < in[i] < 1
out[i] = 1 if in[i] >= 1
HardTanh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Hard tanh elementwise function
HardTanh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
HardTanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
HardTanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
HardTanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
hardTanhDerivative(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
hardTanhDerivative(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Derivative (dOut/dIn) of the element-wise hard Tanh function - SDNN.hardTanh(SDVariable)
hardTanhDerivative(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Derivative (dOut/dIn) of the element-wise hard Tanh function - SDNN.hardTanh(SDVariable)
HardTanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Hard tanh elementwise derivative function
HardTanhDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
HardTanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
HardTanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
HardTanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.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
HARDWARE_STATE - Static variable in class org.nd4j.graph.UIEventType
 
HARDWARE_TRACE_VALUE - Static variable in enum org.tensorflow.framework.RunOptions.TraceLevel
HARDWARE_TRACE = 2;
HAS_CONTROL_FLOW_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphRequest
 
HAS_MINIMUM_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.AttrDef
 
HAS_SINGLE_REFERENCE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationDescription
 
hasAllocationDescription() - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
hasAllocationDescription() - Method in class org.tensorflow.framework.TensorDescription
Information about the size and allocator used for the data
hasAllocationDescription() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Information about the size and allocator used for the data
hasAllowedValues() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
hasAllowedValues() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
A list of values that this kernel supports for this attr.
hasAllowedValues() - Method in interface org.tensorflow.framework.KernelDef.AttrConstraintOrBuilder
A list of values that this kernel supports for this attr.
hasAllowedValues() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
hasAllowedValues() - Method in class org.tensorflow.framework.OpDef.AttrDef
The set of allowed values.
hasAllowedValues() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
The set of allowed values.
hasAnyInfo() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
hasAnyInfo() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
A serialized protobuf.
hasAnyInfo() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
A serialized protobuf.
hasAnyList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
hasAnyList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.AnyList any_list = 5;
hasAnyList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.AnyList any_list = 5;
hasAnything() - Method in interface org.nd4j.linalg.dataset.api.iterator.BlockDataSetIterator
This method checks, if underlying iterator has at least 1 DataSet
hasAnything() - Method in interface org.nd4j.linalg.dataset.api.iterator.BlockMultiDataSetIterator
This method checks, if underlying iterator has at least 1 DataSet
hasArgs(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns true if this function already has defined arguments
hasAudio() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
hasAudio() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.Summary.Audio audio = 6;
hasAudio() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.Summary.Audio audio = 6;
hasAutoParallel() - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
hasAutoParallel() - Method in class org.tensorflow.framework.RewriterConfig
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
hasAutoParallel() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
hasBitSet(long[], long) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
hasBitSet(long, long) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
hasBytesList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
hasBytesList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.BytesList bytes_list = 2;
hasBytesList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
hasClientLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
hasClientLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional information on client-side device locality.
hasClientLocality() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional information on client-side device locality.
hasClientLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
hasClientLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information on client-side device locality.
hasClientLocality() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information on client-side device locality.
hasCluster() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
hasCluster() - Method in class org.tensorflow.distruntime.ServerDef
The cluster of which this server is a member.
hasCluster() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The cluster of which this server is a member.
hasClusterDef() - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
hasClusterDef() - Method in class org.tensorflow.framework.ConfigProto
Optional list of all workers to use in this session.
hasClusterDef() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Optional list of all workers to use in this session.
hasCondCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
hasCondCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef
.tensorflow.CondContextDef cond_ctxt = 1;
hasCondCtxt() - Method in interface org.tensorflow.framework.ControlFlowContextDefOrBuilder
.tensorflow.CondContextDef cond_ctxt = 1;
hasConfig() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
hasConfig() - Method in class org.tensorflow.distruntime.CreateSessionRequest
Configuration options.
hasConfig() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
Configuration options.
hasConfiguration(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
hasConfiguration(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Has the specified array type been configured in this workspace manager?
hasCooSparse() - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
hasCooSparse() - Method in class org.tensorflow.framework.TensorInfo
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
hasCooSparse() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
hasCostGraph() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
hasCostGraph() - Method in class org.tensorflow.distruntime.RunGraphResponse
.tensorflow.CostGraphDef cost_graph = 3;
hasCostGraph() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
.tensorflow.CostGraphDef cost_graph = 3;
hasCostGraph() - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
hasCostGraph() - Method in class org.tensorflow.framework.RunMetadata
The cost graph for the computation defined by the run call.
hasCostGraph() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
The cost graph for the computation defined by the run call.
hasDebugOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
hasDebugOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Field(s) used by TensorFlow Debugger (tfdbg).
hasDebugOptions() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Field(s) used by TensorFlow Debugger (tfdbg).
hasDebugOptions() - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
hasDebugOptions() - Method in class org.tensorflow.framework.RunOptions
EXPERIMENTAL.
hasDebugOptions() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
EXPERIMENTAL.
hasDefaultSessionConfig() - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
hasDefaultSessionConfig() - Method in class org.tensorflow.distruntime.ServerDef
The default configuration for sessions that run on this server.
hasDefaultSessionConfig() - Method in interface org.tensorflow.distruntime.ServerDefOrBuilder
The default configuration for sessions that run on this server.
hasDefaultStridesForShape(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
 
hasDefaultValue() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
hasDefaultValue() - Method in class org.tensorflow.framework.ApiDef.Attr
Specify a new default value to use for this attr.
hasDefaultValue() - Method in interface org.tensorflow.framework.ApiDef.AttrOrBuilder
Specify a new default value to use for this attr.
hasDefaultValue() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
hasDefaultValue() - Method in class org.tensorflow.framework.OpDef.AttrDef
A reasonable default for this attribute if the user does not supply a value.
hasDefaultValue() - Method in interface org.tensorflow.framework.OpDef.AttrDefOrBuilder
A reasonable default for this attribute if the user does not supply a value.
hasDeprecation() - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
hasDeprecation() - Method in class org.tensorflow.framework.OpDef
Optional deprecation based on GraphDef versions.
hasDeprecation() - Method in interface org.tensorflow.framework.OpDefOrBuilder
Optional deprecation based on GraphDef versions.
hasElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
hasElemType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
The type and optional shape of each element of the sequence.
hasElemType() - Method in interface onnx.OnnxMlProto3.TypeProto.SequenceOrBuilder
The type and optional shape of each element of the sequence.
hasExecOpts() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
hasExecOpts() - Method in class org.tensorflow.distruntime.RunGraphRequest
Options for this step.
hasExecOpts() - Method in interface org.tensorflow.distruntime.RunGraphRequestOrBuilder
Options for this step.
hasExperimental() - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
hasExperimental() - Method in class org.tensorflow.framework.ConfigProto
.tensorflow.ConfigProto.Experimental experimental = 16;
hasExperimental() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
.tensorflow.ConfigProto.Experimental experimental = 16;
hasExperimental() - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
hasExperimental() - Method in class org.tensorflow.framework.GPUOptions
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
hasExperimental() - Method in interface org.tensorflow.framework.GPUOptionsOrBuilder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
hasExperimental() - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
hasExperimental() - Method in class org.tensorflow.framework.RunOptions
.tensorflow.RunOptions.Experimental experimental = 8;
hasExperimental() - Method in interface org.tensorflow.framework.RunOptionsOrBuilder
.tensorflow.RunOptions.Experimental experimental = 8;
hasFloatList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
hasFloatList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.FloatList float_list = 4;
hasFloatList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.FloatList float_list = 4;
hasFunc() - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
hasFunc() - Method in class org.tensorflow.framework.AttrValue
"func" represents a function.
hasFunc() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"func" represents a function.
hasFunctionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
hasFunctionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
.tensorflow.FunctionDef function_def = 2;
hasFunctionDef() - Method in interface tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequestOrBuilder
.tensorflow.FunctionDef function_def = 2;
hasG() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
hasG() - Method in class onnx.OnnxMlProto3.AttributeProto
graph
hasG() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
graph
hasG() - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
hasG() - Method in class onnx.OnnxProto3.AttributeProto
graph
hasG() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
graph
hasGpuOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
hasGpuOptions() - Method in class org.tensorflow.framework.ConfigProto
Options that apply to all GPUs.
hasGpuOptions() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply to all GPUs.
hasGradient() - Method in class org.nd4j.autodiff.samediff.SDVariable
Determine if this variable has a gradient with respect to the current loss.
hasGraph() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
hasGraph() - Method in class onnx.OnnxMlProto3.ModelProto
The parameterized graph that is evaluated to execute the model.
hasGraph() - Method in interface onnx.OnnxMlProto3.ModelProtoOrBuilder
The parameterized graph that is evaluated to execute the model.
hasGraph() - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
hasGraph() - Method in class onnx.OnnxProto3.ModelProto
The parameterized graph that is evaluated to execute the model.
hasGraph() - Method in interface onnx.OnnxProto3.ModelProtoOrBuilder
The parameterized graph that is evaluated to execute the model.
hasGraphDef() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
hasGraphDef() - Method in class org.tensorflow.distruntime.CreateSessionRequest
The initial graph definition.
hasGraphDef() - Method in interface org.tensorflow.distruntime.CreateSessionRequestOrBuilder
The initial graph definition.
hasGraphDef() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
hasGraphDef() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
REQUIRED: The nodes to be added to the session's graph.
hasGraphDef() - Method in interface org.tensorflow.distruntime.ExtendSessionRequestOrBuilder
REQUIRED: The nodes to be added to the session's graph.
hasGraphDef() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
hasGraphDef() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
hasGraphDef() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
hasGraphDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
hasGraphDef() - Method in class org.tensorflow.framework.MetaGraphDef
GraphDef.
hasGraphDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
GraphDef.
hasGraphOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
hasGraphOptions() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
Configuration options for the session in which this graph was created.
hasGraphOptions() - Method in interface org.tensorflow.distruntime.RegisterGraphRequestOrBuilder
Configuration options for the session in which this graph was created.
hasGraphOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
hasGraphOptions() - Method in class org.tensorflow.framework.ConfigProto
Options that apply to all graphs.
hasGraphOptions() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply to all graphs.
HASH_CODE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ResourceHandleProto
 
hasHandleToDecref() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
hasHandleToDecref() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
hasHandleToDecref() - Method in interface tensorflow.eager.EagerServiceOuterClass.QueueItemOrBuilder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
hashCode() - Method in class onnx.OnnxMlProto3.AttributeProto
 
hashCode() - Method in class onnx.OnnxMlProto3.GraphProto
 
hashCode() - Method in class onnx.OnnxMlProto3.ModelProto
 
hashCode() - Method in class onnx.OnnxMlProto3.NodeProto
 
hashCode() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
hashCode() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
hashCode() - Method in class onnx.OnnxMlProto3.TensorProto
 
hashCode() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
hashCode() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
hashCode() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
hashCode() - Method in class onnx.OnnxMlProto3.TypeProto
 
hashCode() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
hashCode() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
hashCode() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
hashCode() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
hashCode() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
hashCode() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
hashCode() - Method in class onnx.OnnxProto3.AttributeProto
 
hashCode() - Method in class onnx.OnnxProto3.GraphProto
 
hashCode() - Method in class onnx.OnnxProto3.ModelProto
 
hashCode() - Method in class onnx.OnnxProto3.NodeProto
 
hashCode() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
hashCode() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
hashCode() - Method in class onnx.OnnxProto3.TensorProto
 
hashCode() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
hashCode() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
hashCode() - Method in class onnx.OnnxProto3.TensorShapeProto
 
hashCode() - Method in class onnx.OnnxProto3.TypeProto
 
hashCode() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
hashCode() - Method in class onnx.OnnxProto3.ValueInfoProto
 
hashCode() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
hashCode() - Method in class org.nd4j.autodiff.samediff.SameDiff
 
hashCode() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
hashCode() - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
 
hashCode() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
hashCode() - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
hashCode() - Method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
hashCode() - Method in class org.nd4j.linalg.api.shape.ShapeDescriptor
 
hashCode() - Method in class org.nd4j.linalg.api.shape.SparseDescriptor
 
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.profiler.data.primitives.StackDescriptor
 
hashCode() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
hashCode() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
hashCode() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
hashCode() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
hashCode() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
hashCode() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
hashCode() - Method in class org.tensorflow.distruntime.ClusterDef
 
hashCode() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
hashCode() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
hashCode() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
hashCode() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
hashCode() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
hashCode() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
hashCode() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
hashCode() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
hashCode() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
hashCode() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
hashCode() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
hashCode() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
hashCode() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
hashCode() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
hashCode() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
hashCode() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
hashCode() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
hashCode() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
hashCode() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
hashCode() - Method in class org.tensorflow.distruntime.JobDef
 
hashCode() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
hashCode() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
hashCode() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
hashCode() - Method in class org.tensorflow.distruntime.LoggingRequest
 
hashCode() - Method in class org.tensorflow.distruntime.LoggingResponse
 
hashCode() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
hashCode() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
hashCode() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
hashCode() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
hashCode() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
hashCode() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
hashCode() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
hashCode() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
hashCode() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
hashCode() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
hashCode() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
hashCode() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
hashCode() - Method in class org.tensorflow.distruntime.ResetRequest
 
hashCode() - Method in class org.tensorflow.distruntime.ResetResponse
 
hashCode() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
hashCode() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
hashCode() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
hashCode() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
hashCode() - Method in class org.tensorflow.distruntime.RunStepRequest
 
hashCode() - Method in class org.tensorflow.distruntime.RunStepResponse
 
hashCode() - Method in class org.tensorflow.distruntime.ServerDef
 
hashCode() - Method in class org.tensorflow.distruntime.StepSequence
 
hashCode() - Method in class org.tensorflow.distruntime.TraceOpts
 
hashCode() - Method in class org.tensorflow.distruntime.TracingRequest
 
hashCode() - Method in class org.tensorflow.distruntime.TracingResponse
 
hashCode() - Method in class org.tensorflow.framework.AllocationDescription
 
hashCode() - Method in class org.tensorflow.framework.AllocationRecord
 
hashCode() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
hashCode() - Method in class org.tensorflow.framework.ApiDef.Arg
 
hashCode() - Method in class org.tensorflow.framework.ApiDef.Attr
 
hashCode() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
hashCode() - Method in class org.tensorflow.framework.ApiDef
 
hashCode() - Method in class org.tensorflow.framework.ApiDefs
 
hashCode() - Method in class org.tensorflow.framework.AssetFileDef
 
hashCode() - Method in class org.tensorflow.framework.AttrValue
 
hashCode() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
hashCode() - Method in class org.tensorflow.framework.AutoParallelOptions
 
hashCode() - Method in class org.tensorflow.framework.CallableOptions
 
hashCode() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
hashCode() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
hashCode() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
hashCode() - Method in class org.tensorflow.framework.CollectionDef
 
hashCode() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
hashCode() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
hashCode() - Method in class org.tensorflow.framework.CondContextDef
 
hashCode() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
hashCode() - Method in class org.tensorflow.framework.ConfigProto
 
hashCode() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
hashCode() - Method in class org.tensorflow.framework.CostGraphDef
 
hashCode() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
hashCode() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
hashCode() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
hashCode() - Method in class org.tensorflow.framework.CriticalSectionDef
 
hashCode() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
hashCode() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
hashCode() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
hashCode() - Method in class org.tensorflow.framework.DebugOptions
 
hashCode() - Method in class org.tensorflow.framework.DebugTensorWatch
 
hashCode() - Method in class org.tensorflow.framework.DeviceAttributes
 
hashCode() - Method in class org.tensorflow.framework.DeviceLocality
 
hashCode() - Method in class org.tensorflow.framework.DeviceStepStats
 
hashCode() - Method in class org.tensorflow.framework.FunctionDef
 
hashCode() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
hashCode() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
hashCode() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
hashCode() - Method in class org.tensorflow.framework.GPUOptions
 
hashCode() - Method in class org.tensorflow.framework.GradientDef
 
hashCode() - Method in class org.tensorflow.framework.GraphDef
 
hashCode() - Method in class org.tensorflow.framework.GraphOptions
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferInfo
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
hashCode() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
hashCode() - Method in class org.tensorflow.framework.HistogramProto
 
hashCode() - Method in class org.tensorflow.framework.InterconnectLink
 
hashCode() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
hashCode() - Method in class org.tensorflow.framework.KernelDef
 
hashCode() - Method in class org.tensorflow.framework.LocalLinks
 
hashCode() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
hashCode() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
hashCode() - Method in class org.tensorflow.framework.MemoryLogStep
 
hashCode() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
hashCode() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
hashCode() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
hashCode() - Method in class org.tensorflow.framework.MemoryStats
 
hashCode() - Method in class org.tensorflow.framework.MetaGraphDef
 
hashCode() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
hashCode() - Method in class org.tensorflow.framework.NameAttrList
 
hashCode() - Method in class org.tensorflow.framework.NamedTensorProto
 
hashCode() - Method in class org.tensorflow.framework.NodeDef
 
hashCode() - Method in class org.tensorflow.framework.NodeExecStats
 
hashCode() - Method in class org.tensorflow.framework.NodeOutput
 
hashCode() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
hashCode() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
hashCode() - Method in class org.tensorflow.framework.OpDef
 
hashCode() - Method in class org.tensorflow.framework.OpDeprecation
 
hashCode() - Method in class org.tensorflow.framework.OpList
 
hashCode() - Method in class org.tensorflow.framework.OptimizerOptions
 
hashCode() - Method in class org.tensorflow.framework.QueueRunnerDef
 
hashCode() - Method in class org.tensorflow.framework.ReaderBaseState
 
hashCode() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
hashCode() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
hashCode() - Method in class org.tensorflow.framework.ResourceHandleProto
 
hashCode() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
hashCode() - Method in class org.tensorflow.framework.RewriterConfig
 
hashCode() - Method in class org.tensorflow.framework.RPCOptions
 
hashCode() - Method in class org.tensorflow.framework.RunMetadata
 
hashCode() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
hashCode() - Method in class org.tensorflow.framework.RunOptions
 
hashCode() - Method in class org.tensorflow.framework.SavedModel
 
hashCode() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
hashCode() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
hashCode() - Method in class org.tensorflow.framework.SignatureDef
 
hashCode() - Method in class org.tensorflow.framework.StepStats
 
hashCode() - Method in class org.tensorflow.framework.Summary.Audio
 
hashCode() - Method in class org.tensorflow.framework.Summary
 
hashCode() - Method in class org.tensorflow.framework.Summary.Image
 
hashCode() - Method in class org.tensorflow.framework.Summary.Value
 
hashCode() - Method in class org.tensorflow.framework.SummaryDescription
 
hashCode() - Method in class org.tensorflow.framework.SummaryMetadata
 
hashCode() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
hashCode() - Method in class org.tensorflow.framework.TensorConnection
 
hashCode() - Method in class org.tensorflow.framework.TensorDescription
 
hashCode() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
hashCode() - Method in class org.tensorflow.framework.TensorInfo
 
hashCode() - Method in class org.tensorflow.framework.TensorProto
 
hashCode() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
hashCode() - Method in class org.tensorflow.framework.TensorShapeProto
 
hashCode() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
hashCode() - Method in class org.tensorflow.framework.TensorSliceProto
 
hashCode() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
hashCode() - Method in class org.tensorflow.framework.ValuesDef
 
hashCode() - Method in class org.tensorflow.framework.VariableDef
 
hashCode() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
hashCode() - Method in class org.tensorflow.framework.VersionDef
 
hashCode() - Method in class org.tensorflow.framework.WhileContextDef
 
hashCode() - Method in class org.tensorflow.util.BundleEntryProto
 
hashCode() - Method in class org.tensorflow.util.BundleHeaderProto
 
hashCode() - Method in class org.tensorflow.util.IteratorStateMetadata
 
hashCode() - Method in class org.tensorflow.util.SaverDef
 
hashCode() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
hashCode() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
hashCode() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
hashCode() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
hashCode() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
hashCode() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
hashCode() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
hashCode() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
hashCode() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
hasHisto() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
hasHisto() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.HistogramProto histo = 5;
hasHisto() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.HistogramProto histo = 5;
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
 
hasImage() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
hasImage() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.Summary.Image image = 4;
hasImage() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.Summary.Image image = 4;
hasInt64List() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
hasInt64List() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.Int64List int64_list = 3;
hasInt64List() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.Int64List int64_list = 3;
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.AdaDelta
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.AdaGrad
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.Adam
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.AdaMax
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.AMSGrad
 
hasLearningRate() - Method in interface org.nd4j.linalg.learning.config.IUpdater
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.Nadam
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.NoOp
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.RmsProp
 
hasLearningRate() - Method in class org.nd4j.linalg.learning.config.Sgd
 
hasLibrary() - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
hasLibrary() - Method in class org.tensorflow.framework.GraphDef
EXPERIMENTAL.
hasLibrary() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
EXPERIMENTAL.
hasLinks() - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
hasLinks() - Method in class org.tensorflow.framework.DeviceLocality
Optional local interconnect links to other devices.
hasLinks() - Method in interface org.tensorflow.framework.DeviceLocalityOrBuilder
Optional local interconnect links to other devices.
hasList() - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
hasList() - Method in class org.tensorflow.framework.AttrValue
any "list(...)"
hasList() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
any "list(...)"
hasLocality() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
hasLocality() - Method in class org.tensorflow.framework.DeviceAttributes
Platform-specific data about device that may be useful for supporting efficient data transfers.
hasLocality() - Method in interface org.tensorflow.framework.DeviceAttributesOrBuilder
Platform-specific data about device that may be useful for supporting efficient data transfers.
hasMapType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
hasMapType() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a map.
hasMapType() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a map.
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
 
hasMemoryStats() - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
hasMemoryStats() - Method in class org.tensorflow.framework.NodeExecStats
.tensorflow.MemoryStats memory_stats = 12;
hasMemoryStats() - Method in interface org.tensorflow.framework.NodeExecStatsOrBuilder
.tensorflow.MemoryStats memory_stats = 12;
hasMetadata() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
hasMetadata() - Method in class org.tensorflow.distruntime.RunCallableResponse
Returned metadata if requested in the options.
hasMetadata() - Method in interface org.tensorflow.distruntime.RunCallableResponseOrBuilder
Returned metadata if requested in the options.
hasMetadata() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
hasMetadata() - Method in class org.tensorflow.distruntime.RunStepResponse
Returned metadata if requested in the options.
hasMetadata() - Method in interface org.tensorflow.distruntime.RunStepResponseOrBuilder
Returned metadata if requested in the options.
hasMetadata() - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
hasMetadata() - Method in class org.tensorflow.framework.Summary.Value
Contains metadata on the summary value such as which plugins may use it.
hasMetadata() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
Contains metadata on the summary value such as which plugins may use it.
hasMetaInfoDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
hasMetaInfoDef() - Method in class org.tensorflow.framework.MetaGraphDef
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
hasMetaInfoDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
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
hasName(String) - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
 
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.adapter.MultiDataSetIteratorAdapter
 
hasNext() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
hasNext() - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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
 
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
hasNodeList() - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
hasNodeList() - Method in class org.tensorflow.framework.CollectionDef
.tensorflow.CollectionDef.NodeList node_list = 1;
hasNodeList() - Method in interface org.tensorflow.framework.CollectionDefOrBuilder
.tensorflow.CollectionDef.NodeList node_list = 1;
hasOperation() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
hasOperation() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
.tensorflow.eager.Operation operation = 2;
hasOperation() - Method in interface tensorflow.eager.EagerServiceOuterClass.QueueItemOrBuilder
.tensorflow.eager.Operation operation = 2;
hasOptimizerOptions() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
hasOptimizerOptions() - Method in class org.tensorflow.framework.GraphOptions
Options controlling how graph is optimized.
hasOptimizerOptions() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Options controlling how graph is optimized.
hasOptions() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
hasOptions() - Method in class org.tensorflow.distruntime.MakeCallableRequest
Options that define the behavior of the created callable.
hasOptions() - Method in interface org.tensorflow.distruntime.MakeCallableRequestOrBuilder
Options that define the behavior of the created callable.
hasOptions() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
hasOptions() - Method in class org.tensorflow.distruntime.RunStepRequest
Options for the run call.
hasOptions() - Method in interface org.tensorflow.distruntime.RunStepRequestOrBuilder
Options for the run call.
hasOptions() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
hasOptions() - Method in class org.tensorflow.distruntime.TracingRequest
.tensorflow.TraceOpts options = 1;
hasOptions() - Method in interface org.tensorflow.distruntime.TracingRequestOrBuilder
.tensorflow.TraceOpts options = 1;
hasPluginData() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
hasPluginData() - Method in class org.tensorflow.framework.SummaryMetadata
Data that associates a summary with a certain plugin.
hasPluginData() - Method in interface org.tensorflow.framework.SummaryMetadataOrBuilder
Data that associates a summary with a certain plugin.
hasProperties() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
hasProperties() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
.tensorflow.DeviceProperties properties = 2;
hasProperties() - Method in interface tensorflow.DevicePropertiesProtos.NamedDeviceOrBuilder
.tensorflow.DeviceProperties properties = 2;
hasReductionIndices(NodeDef) - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
hasRemoteGraph() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
hasRemoteGraph() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
Definition of remote graph
hasRemoteGraph() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfoOrBuilder
Definition of remote graph
hasRewriteOptions() - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
hasRewriteOptions() - Method in class org.tensorflow.framework.GraphOptions
Options that control the type and amount of graph rewriting.
hasRewriteOptions() - Method in interface org.tensorflow.framework.GraphOptionsOrBuilder
Options that control the type and amount of graph rewriting.
hasRpcOptions() - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
hasRpcOptions() - Method in class org.tensorflow.framework.ConfigProto
Options that apply when this session uses the distributed runtime.
hasRpcOptions() - Method in interface org.tensorflow.framework.ConfigProtoOrBuilder
Options that apply when this session uses the distributed runtime.
hasRunOptions() - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
hasRunOptions() - Method in class org.tensorflow.framework.CallableOptions
Options that will be applied to each run.
hasRunOptions() - Method in interface org.tensorflow.framework.CallableOptionsOrBuilder
Options that will be applied to each run.
hasSaverDef() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
hasSaverDef() - Method in class org.tensorflow.framework.MetaGraphDef
SaverDef.
hasSaverDef() - Method in interface org.tensorflow.framework.MetaGraphDefOrBuilder
SaverDef.
hasSaveSliceInfoDef() - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
hasSaveSliceInfoDef() - Method in class org.tensorflow.framework.VariableDef
Support for saving variables as slices of a larger variable.
hasSaveSliceInfoDef() - Method in interface org.tensorflow.framework.VariableDefOrBuilder
Support for saving variables as slices of a larger variable.
hasScopedAllocatorOpts() - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
hasScopedAllocatorOpts() - Method in class org.tensorflow.framework.RewriterConfig
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
hasScopedAllocatorOpts() - Method in interface org.tensorflow.framework.RewriterConfigOrBuilder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
hasSegment() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
hasSegment() - Method in class onnx.OnnxMlProto3.TensorProto
.onnx.TensorProto.Segment segment = 3;
hasSegment() - Method in interface onnx.OnnxMlProto3.TensorProtoOrBuilder
.onnx.TensorProto.Segment segment = 3;
hasSegment() - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
hasSegment() - Method in class onnx.OnnxProto3.TensorProto
.onnx.TensorProto.Segment segment = 3;
hasSegment() - Method in interface onnx.OnnxProto3.TensorProtoOrBuilder
.onnx.TensorProto.Segment segment = 3;
hasSequenceType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
hasSequenceType() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a sequence.
hasSequenceType() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a sequence.
hasServerDef() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
hasServerDef() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
Defines the configuration of a TensorFlow worker.
hasServerDef() - Method in interface org.tensorflow.distruntime.CreateWorkerSessionRequestOrBuilder
Defines the configuration of a TensorFlow worker.
hasServerDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
hasServerDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
Identifies the full cluster, and this particular worker's position within.
hasServerDef() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
Identifies the full cluster, and this particular worker's position within.
hasServerLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
hasServerLocality() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional information on server-side device locality.
hasServerLocality() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional information on server-side device locality.
hasServerLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
hasServerLocality() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information on server-side device locality.
hasServerLocality() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information on server-side device locality.
hasShape() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
hasShape() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
.onnx.TensorShapeProto shape = 2;
hasShape() - Method in interface onnx.OnnxMlProto3.TypeProto.TensorOrBuilder
.onnx.TensorShapeProto shape = 2;
hasShape() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
hasShape() - Method in class onnx.OnnxProto3.TypeProto.Tensor
.onnx.TensorShapeProto shape = 2;
hasShape() - Method in interface onnx.OnnxProto3.TypeProto.TensorOrBuilder
.onnx.TensorShapeProto shape = 2;
hasShape(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
hasShape(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
hasShape(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
hasShape() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
hasShape() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
.tensorflow.TensorShapeProto shape = 4;
hasShape() - Method in interface org.tensorflow.distruntime.CompleteInstanceRequestOrBuilder
.tensorflow.TensorShapeProto shape = 4;
hasShape() - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
hasShape() - Method in class org.tensorflow.framework.AttrValue
"shape"
hasShape() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"shape"
hasShape() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
hasShape() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
.tensorflow.TensorShapeProto shape = 3;
hasShape() - Method in interface org.tensorflow.framework.CostGraphDef.Node.OutputInfoOrBuilder
.tensorflow.TensorShapeProto shape = 3;
hasShape() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
hasShape() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
.tensorflow.TensorShapeProto shape = 2;
hasShape() - Method in interface org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProtoOrBuilder
.tensorflow.TensorShapeProto shape = 2;
hasShape() - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
hasShape() - Method in class org.tensorflow.framework.TensorDescription
Shape of the tensor.
hasShape() - Method in interface org.tensorflow.framework.TensorDescriptionOrBuilder
Shape of the tensor.
hasShape() - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
hasShape() - Method in class org.tensorflow.util.BundleEntryProto
.tensorflow.TensorShapeProto shape = 2;
hasShape() - Method in interface org.tensorflow.util.BundleEntryProtoOrBuilder
.tensorflow.TensorShapeProto shape = 2;
hasSignature() - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
hasSignature() - Method in class org.tensorflow.framework.FunctionDef
The definition of the function's name, arguments, return values, attrs etc.
hasSignature() - Method in interface org.tensorflow.framework.FunctionDefOrBuilder
The definition of the function's name, arguments, return values, attrs etc.
hasStepStats() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
hasStepStats() - Method in class org.tensorflow.distruntime.LabeledStepStats
.tensorflow.StepStats step_stats = 2;
hasStepStats() - Method in interface org.tensorflow.distruntime.LabeledStepStatsOrBuilder
.tensorflow.StepStats step_stats = 2;
hasStepStats() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
hasStepStats() - Method in class org.tensorflow.distruntime.RunGraphResponse
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
hasStepStats() - Method in interface org.tensorflow.distruntime.RunGraphResponseOrBuilder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
hasStepStats() - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
hasStepStats() - Method in class org.tensorflow.framework.RunMetadata
Statistics traced for this step.
hasStepStats() - Method in interface org.tensorflow.framework.RunMetadataOrBuilder
Statistics traced for this step.
hasStrippedOpList() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
hasStrippedOpList() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
A copy of the OpDefs used by the producer of this graph_def.
hasStrippedOpList() - Method in interface org.tensorflow.framework.MetaGraphDef.MetaInfoDefOrBuilder
A copy of the OpDefs used by the producer of this graph_def.
hasT() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
hasT() - Method in class onnx.OnnxMlProto3.AttributeProto
tensor value
hasT() - Method in interface onnx.OnnxMlProto3.AttributeProtoOrBuilder
tensor value
hasT() - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
hasT() - Method in class onnx.OnnxProto3.AttributeProto
tensor value
hasT() - Method in interface onnx.OnnxProto3.AttributeProtoOrBuilder
tensor value
hasTensor() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
hasTensor() - Method in class org.tensorflow.distruntime.RecvTensorResponse
The tensor as a proto.
hasTensor() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
The tensor as a proto.
hasTensor() - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
hasTensor() - Method in class org.tensorflow.framework.AttrValue
"tensor"
hasTensor() - Method in interface org.tensorflow.framework.AttrValueOrBuilder
"tensor"
hasTensor() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
hasTensor() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
Allocated tensor details.
hasTensor() - Method in interface org.tensorflow.framework.MemoryLogTensorAllocationOrBuilder
Allocated tensor details.
hasTensor() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
hasTensor() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
Output tensor details.
hasTensor() - Method in interface org.tensorflow.framework.MemoryLogTensorOutputOrBuilder
Output tensor details.
hasTensor() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
hasTensor() - Method in class org.tensorflow.framework.NamedTensorProto
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
hasTensor() - Method in interface org.tensorflow.framework.NamedTensorProtoOrBuilder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
hasTensor() - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
hasTensor() - Method in class org.tensorflow.framework.Summary.Value
.tensorflow.TensorProto tensor = 8;
hasTensor() - Method in interface org.tensorflow.framework.Summary.ValueOrBuilder
.tensorflow.TensorProto tensor = 8;
hasTensorDescription() - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
hasTensorDescription() - Method in class org.tensorflow.framework.NodeOutput
.tensorflow.TensorDescription tensor_description = 3;
hasTensorDescription() - Method in interface org.tensorflow.framework.NodeOutputOrBuilder
.tensorflow.TensorDescription tensor_description = 3;
hasTensorInfo() - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
hasTensorInfo() - Method in class org.tensorflow.framework.AssetFileDef
The tensor to bind the asset filename to.
hasTensorInfo() - Method in interface org.tensorflow.framework.AssetFileDefOrBuilder
The tensor to bind the asset filename to.
hasTensorShape() - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
hasTensorShape() - Method in class org.tensorflow.framework.TensorInfo
The static shape should be recorded here, to the extent that it can be known in advance.
hasTensorShape() - Method in interface org.tensorflow.framework.TensorInfoOrBuilder
The static shape should be recorded here, to the extent that it can be known in advance.
hasTensorShape() - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
hasTensorShape() - Method in class org.tensorflow.framework.TensorProto
Shape of the tensor.
hasTensorShape() - Method in interface org.tensorflow.framework.TensorProtoOrBuilder
Shape of the tensor.
hasTensorType() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
hasTensorType() - Method in class onnx.OnnxMlProto3.TypeProto
The type of a tensor.
hasTensorType() - Method in interface onnx.OnnxMlProto3.TypeProtoOrBuilder
The type of a tensor.
hasTensorType() - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
hasTensorType() - Method in class onnx.OnnxProto3.TypeProto
The type of a tensor.
hasTensorType() - Method in interface onnx.OnnxProto3.TypeProtoOrBuilder
The type of a tensor.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufRequest
Optional, implementation-specific data.
hasTransportOptions() - Method in interface org.tensorflow.distruntime.RecvBufRequestOrBuilder
Optional, implementation-specific data.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvBufResponse
Optional, implementation-specific data.
hasTransportOptions() - Method in interface org.tensorflow.distruntime.RecvBufResponseOrBuilder
Optional, implementation-specific data.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorRequest
Optional information needed by the RPC subsystem.
hasTransportOptions() - Method in interface org.tensorflow.distruntime.RecvTensorRequestOrBuilder
Optional information needed by the RPC subsystem.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
hasTransportOptions() - Method in class org.tensorflow.distruntime.RecvTensorResponse
Optional additional information about how to receive the tensor, e.g.
hasTransportOptions() - Method in interface org.tensorflow.distruntime.RecvTensorResponseOrBuilder
Optional additional information about how to receive the tensor, e.g.
hasType() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
hasType() - Method in class onnx.OnnxMlProto3.ValueInfoProto
This field MUST be present in this version of the IR.
hasType() - Method in interface onnx.OnnxMlProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
hasType() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
hasType() - Method in class onnx.OnnxProto3.ValueInfoProto
This field MUST be present in this version of the IR.
hasType() - Method in interface onnx.OnnxProto3.ValueInfoProtoOrBuilder
This field MUST be present in this version of the IR.
hasum(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
hasum(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
hasum(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
hasValuesDef() - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
hasValuesDef() - Method in class org.tensorflow.framework.CondContextDef
Values and external values in control flow context.
hasValuesDef() - Method in interface org.tensorflow.framework.CondContextDefOrBuilder
Values and external values in control flow context.
hasValuesDef() - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
hasValuesDef() - Method in class org.tensorflow.framework.WhileContextDef
Values and external values in control flow context.
hasValuesDef() - Method in interface org.tensorflow.framework.WhileContextDefOrBuilder
Values and external values in control flow context.
hasValueType() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
hasValueType() - Method in class onnx.OnnxMlProto3.TypeProto.Map
This field MUST be present for this version of the IR.
hasValueType() - Method in interface onnx.OnnxMlProto3.TypeProto.MapOrBuilder
This field MUST be present for this version of the IR.
hasVariable(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
hasVersion() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
hasVersion() - Method in class org.tensorflow.util.BundleHeaderProto
Versioning of the tensor bundle format.
hasVersion() - Method in interface org.tensorflow.util.BundleHeaderProtoOrBuilder
Versioning of the tensor bundle format.
hasVersionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
hasVersionDef() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
This is the version for all the ops that will be enqueued by the client.
hasVersionDef() - Method in interface tensorflow.eager.EagerServiceOuterClass.CreateContextRequestOrBuilder
This is the version for all the ops that will be enqueued by the client.
hasVersions() - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
hasVersions() - Method in class org.tensorflow.framework.GraphDef
Compatibility versions of the graph.
hasVersions() - Method in interface org.tensorflow.framework.GraphDefOrBuilder
Compatibility versions of the graph.
hasWhileCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
hasWhileCtxt() - Method in class org.tensorflow.framework.ControlFlowContextDef
.tensorflow.WhileContextDef while_ctxt = 2;
hasWhileCtxt() - Method in interface org.tensorflow.framework.ControlFlowContextDefOrBuilder
.tensorflow.WhileContextDef while_ctxt = 2;
haxpy(long, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
haxpy(long, float, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
haxpyi(long, double, INDArray, DataBuffer, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
hdot(long, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
hdot(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
hdoti(long, INDArray, DataBuffer, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
Heartbeat - Class in org.nd4j.linalg.heartbeat
Heartbeat implementation for ND4j
Heartbeat() - Constructor for class org.nd4j.linalg.heartbeat.Heartbeat
 
HEIGHT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Image
 
helperRegisterTransaction(int, long, long, MemcpyDirection) - Method in class org.nd4j.linalg.api.ops.performance.PerformanceTracker
 
helperStartTransaction() - Method in class org.nd4j.linalg.api.ops.performance.PerformanceTracker
 
HEURISTICS_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.MemOptType
Use any combination of swapping and recomputation heuristics.
HEXAGON_VALUE - Static variable in enum org.tensorflow.framework.GraphTransferInfo.Destination
HEXAGON = 1;
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
 
HIDDEN_VALUE - Static variable in enum org.tensorflow.framework.ApiDef.Visibility
Hide this op by putting it into an internal namespace (or whatever is appropriate in the target language).
hiddenDimension(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
hiddenDimensions() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
hiddenDimensions() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
hiddenDimensions() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
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
 
hingeLoss(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
hingeLoss(String, SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Hinge loss: a loss function used for training classifiers.
hingeLoss(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
HingeLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Hinge loss
HingeLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.HingeLoss
 
HingeLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.HingeLoss
 
HingeLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Hinge loss
HingeLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.HingeLossBp
 
HingeLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.HingeLossBp
 
HISTO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
Histogram - Class in org.nd4j.evaluation.curves
A simple histogram used in evaluation classes, such as org.deeplearning4j.eval.EvaluationCalibration
Histogram(String, double, double, int[]) - Constructor for class org.nd4j.evaluation.curves.Histogram
 
HISTOGRAM - Static variable in class org.nd4j.graph.UIEventType
 
Histogram - Class in org.nd4j.linalg.api.ops.impl.transforms.floating
 
Histogram(SameDiff, SDVariable, boolean, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
Histogram(SameDiff, SDVariable, int[], boolean, Object[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
Histogram(SameDiff, SDVariable, Object[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
Histogram() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
Histogram(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
Histogram(INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
HistogramFixedWidth - Class in org.nd4j.linalg.api.ops.impl.transforms
Histogram fixed with op
HistogramFixedWidth(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
HistogramFixedWidth() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
HistogramProto - Class in org.tensorflow.framework
Serialization format for histogram module in core/lib/histogram/histogram.h
HistogramProto.Builder - Class in org.tensorflow.framework
Serialization format for histogram module in core/lib/histogram/histogram.h
HistogramProtoOrBuilder - Interface in org.tensorflow.framework
 
historicalGradient - Variable in class org.nd4j.linalg.learning.AdaGradUpdater
 
historicalGradient - Variable in class org.nd4j.linalg.learning.legacy.AdaGrad
 
hnrm2(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
HOST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebuggedSourceFile
 
HOST_FREE_MEMORY_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
HOST_MEMORY_ARG_FIELD_NUMBER - Static variable in class org.tensorflow.framework.KernelDef
 
HOST_TEMP_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
HOST_TOTAL_MEMORY_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
hostMemory() - Method in class org.nd4j.graph.UIHardwareState
 
hostOffset - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
hroti(long, INDArray, DataBuffer, INDArray, double, double) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
hscal(long, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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.
huberLoss(String, SDVariable, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
huberLoss(String, SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Huber loss function, used for robust regression.
huberLoss(String, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
HuberLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Huber loss
HuberLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.HuberLoss
 
HuberLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.HuberLoss
 
HuberLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Hinge loss
HuberLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.HuberLossBp
 
HuberLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.HuberLossBp
 

I

i(int) - Method in class org.nd4j.graph.FlatProperties
 
I_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
I_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
I_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
I_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
IActivation - Interface in org.nd4j.linalg.activations
Interface for implementing custom activation functions
iamax(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
iamax(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the max absolute value: argmax(abs(in))
iamax(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the max absolute value: argmax(abs(in))
iamax(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the max absolute value: argmax(abs(in))
iamax(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the max absolute value: argmax(abs(in))
iamax(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
iamax(long, 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(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
Find the index of the element with maximum absolute value
iamax(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
iamax(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
iamax(INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
finds the element of a vector that has the largest absolute value.
iamax(long, INDArray, int) - Method in interface org.nd4j.linalg.api.blas.Level1
finds the element of a vector that has the largest absolute value.
iamax(long, DataBuffer, int, int) - Method in interface org.nd4j.linalg.api.blas.Level1
Index of 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(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
IAMax() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
IAMax(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
IAMax(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
iamax(INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
iamax(INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
iamax(INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute index of element with largest absolute value (index of absolute value maximum)
iamin(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
iamin(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the min absolute value: argmin(abs(in))
iamin(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the min absolute value: argmin(abs(in))
iamin(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the min absolute value: argmin(abs(in))
iamin(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Index of the min absolute value: argmin(abs(in))
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(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
Find the index of the element with maximum 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 - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of the max absolute value over a vector
IAMin(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
IAMin() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
IAMin(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
IAMin(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
iArgs() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
iArgs() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
iArgs() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMBlockCellConfiguration
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMCellConfiguration
 
iArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMConfiguration
 
iArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
iAsByteBuffer() - Method in class org.nd4j.graph.FlatProperties
 
id() - Method in class org.nd4j.graph.FlatConfiguration
 
id() - Method in class org.nd4j.graph.FlatDropRequest
 
id() - Method in class org.nd4j.graph.FlatGraph
 
id() - Method in class org.nd4j.graph.FlatInferenceRequest
 
id() - Method in class org.nd4j.graph.FlatNode
 
id() - Method in class org.nd4j.graph.FlatResult
 
id() - Method in class org.nd4j.graph.FlatTiming
 
id() - Method in class org.nd4j.graph.FlatVariable
 
id(IntPair) - Method in class org.nd4j.graph.FlatVariable
 
id() - Method in class org.nd4j.graph.UIVariable
 
id(IntPair) - Method in class org.nd4j.graph.UIVariable
 
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
 
ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.Operation
 
idamax(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
idamax(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
idamax(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
idamin(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
identity(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
identity(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Elementwise identity operation: out = x
identity(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Elementwise identity operation: out = x
Identity - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Identity function
Identity(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
Identity() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.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
IdentityInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to one.
IdentityInitScheme(char) - Constructor for class org.nd4j.weightinit.impl.IdentityInitScheme
 
IdentityN - Class in org.nd4j.linalg.api.ops.impl.transforms
IdentityN op wrapper
IdentityN() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
IdentityN(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
IdentityN(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
IEvaluation<T extends IEvaluation> - Interface in org.nd4j.evaluation
A general purpose interface for evaluating neural networks - methods are shared by implemetations such as Evaluation, RegressionEvaluation, ROC, ROCMultiClass
If - Class in org.nd4j.linalg.api.ops.impl.controlflow
Equivalent to tensorflow's conditional op.
If(If) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.If
 
If(String, SameDiff, SDVariable[], SameDiffFunctionDefinition, SameDiffConditional, SameDiffFunctionDefinition, SameDiffFunctionDefinition) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.If
 
IfDerivative - Class in org.nd4j.linalg.api.ops.impl.controlflow
 
IfDerivative(If) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
IfImportState - Class in org.nd4j.linalg.api.ops.impl.controlflow
 
IfImportState() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.IfImportState
 
ifStatement(SameDiffConditional, SameDiffFunctionDefinition, SameDiffFunctionDefinition, SameDiffFunctionDefinition, SDVariable[]) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
ihamax(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
ihamin(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
iInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
iLength() - Method in class org.nd4j.graph.FlatProperties
 
ILossFunction - Interface in org.nd4j.linalg.lossfunctions
Interface for loss functions
im2Col(SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
im2Col(SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
im2col operation for use in 2D convolution operations.
im2Col(String, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
im2col operation for use in 2D convolution operations.
Im2col - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Im2col operation
Im2col(SameDiff, SDVariable[], INDArray[], INDArray[], Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
Im2col(SameDiff, SDVariable, Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
Im2col() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.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, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.Convolution
 
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, 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
im2ColBp(SDVariable, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
Im2colBp - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Im2col operation
Im2colBp(SameDiff, SDVariable, SDVariable, Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
Im2colBp(SameDiff, SDVariable, Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
Im2colBp() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
im2colShape - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D
Deprecated.
 
IMAGE - Static variable in class org.nd4j.graph.UIEventType
 
IMAGE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
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
 
ImageMultiPreProcessingScaler - Class in org.nd4j.linalg.dataset.api.preprocessor
A preprocessor specifically for images that applies min max scaling to one or more of the feature arrays in a MultiDataSet.
Can take a range, so pixel values can be scaled from 0->255 to minRange->maxRange default minRange = 0 and maxRange = 1; If pixel values are not 8 bits, you can specify the number of bits as the third argument in the constructor For values that are already floating point, specify the number of bits as 1
ImageMultiPreProcessingScaler(int...) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
ImageMultiPreProcessingScaler(double, double, int[]) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
ImageMultiPreProcessingScaler(double, double, int, int[]) - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
Preprocessor can take a range as minRange and maxRange
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
ImagePreProcessingSerializerStrategy - Class in org.nd4j.linalg.dataset.api.preprocessor.serializer
NormalizerSerializerStrategy for ImagePreProcessingScaler Saves the min range, max range, and max pixel value as doubles
ImagePreProcessingSerializerStrategy() - Constructor for class org.nd4j.linalg.dataset.api.preprocessor.serializer.ImagePreProcessingSerializerStrategy
 
IMax - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of max value over a vector
IMax(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
IMax() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
IMax(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
IMax(INDArray, int...) - 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(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
IMin() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
IMin(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
IMin(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
IMPLICIT - Static variable in class org.nd4j.graph.OutputMode
 
ImportClassMapping - Class in org.nd4j.imports.converters
A simple helper class for defining the following mappings: - Op name to op - Tensorflow op name to op (for import) - Onnx op name to op (for import)
ImportClassMapping() - Constructor for class org.nd4j.imports.converters.ImportClassMapping
 
importCondition(String, NodeDef, ImportState<GraphDef, NodeDef>) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
importDataType - Variable in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
importGraph(InputStream) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
importGraph(InputStream, Map<String, ? extends OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>>, OpImportFilter<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
importGraph(File) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
importGraph(File, Map<String, ? extends OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>>, OpImportFilter<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
importGraph(GRAPH_TYPE) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
This method converts given TF
importGraph(GRAPH_TYPE, Map<String, ? extends OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>>, OpImportFilter<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
importGraph(InputStream) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Import a graph as SameDiff from the given file
importGraph(InputStream, Map<String, ? extends OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>>, OpImportFilter<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
importGraph(File) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Import a graph as SameDiff from the given file
importGraph(File, Map<String, ? extends OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>>, OpImportFilter<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Import a graph as SameDiff from the given file, with optional op import overrides.
The OpImportOverride instances allow the operation import to be overridden - useful for importing ops that have not been mapped for import in SameDiff yet, and also for non-standard/user-defined functions.
importGraph(GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
This method converts given graph type (in its native format) to SameDiff
importGraph(GRAPH_TYPE, Map<String, ? extends OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>>, OpImportFilter<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
This method converts given graph type (in its native format) to SameDiff
The OpImportOverride instances allow the operation import to be overridden - useful for importing ops that have not been mapped for import in SameDiff yet, and also for non-standard/user-defined functions.
importProto(File) - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
 
importProto(File) - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
This method executes TF graph PLEASE NOTE: This feature is under development yet
ImportState<GRAPH_TYPE,TENSOR_TYPE> - Class in org.nd4j.imports.graphmapper
 
ImportState() - Constructor for class org.nd4j.imports.graphmapper.ImportState
 
IN_ARG_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
INCARNATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceAttributes
 
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
 
incrementEpochCount() - Method in class org.nd4j.autodiff.samediff.TrainingConfig
Increment the epoch count by 1
incrementFalseNegatives(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
 
incrementFalsePositive(long) - Method in class org.nd4j.evaluation.classification.ROC.CountsForThreshold
 
incrementFalsePositives(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
 
incrementIterationCount() - Method in class org.nd4j.autodiff.samediff.TrainingConfig
Increment the iteration count by 1
incrementLoopCounter() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
Increments the loop counter.
incrementNumberOfCycles(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This node increments number of iterations by 1.
incrementNumberOfCycles() - Method in class org.nd4j.autodiff.samediff.flow.FrameState
This method increments number of cycles by 1
incrementNumberOfCycles() - Method in class org.nd4j.autodiff.samediff.flow.NodeState
 
incrementTrueNegatives(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
 
incrementTruePositive(long) - Method in class org.nd4j.evaluation.classification.ROC.CountsForThreshold
 
incrementTruePositives(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
 
ind2sub(int[], long, long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index
ind2sub(long[], long, long) - Static method in class org.nd4j.linalg.api.shape.Shape
 
ind2sub(int[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index.
ind2sub(long[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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(long[], long, long) - Static method in class org.nd4j.linalg.api.shape.Shape
 
ind2subC(int[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
Convert a linear index to the equivalent nd index.
ind2subC(long[], long) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
INDArrayFastCloner - Class in org.nd4j.autodiff.util.cloner
 
INDArrayFastCloner() - Constructor for class org.nd4j.autodiff.util.cloner.INDArrayFastCloner
 
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
 
INDArrayStatistics - Class in org.nd4j.linalg.api.ndarray
 
INDArrayStatistics() - Constructor for class org.nd4j.linalg.api.ndarray.INDArrayStatistics
 
index - Variable in class org.nd4j.linalg.indexing.IntervalIndex
 
INDEX_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorOutput
 
INDEX_REDUCE - Static variable in class org.nd4j.graph.OpType
 
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 ReduceOp 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.
indexesBinarySearch(int, int, int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return the position of the idx array into the indexes buffer between the lower and upper bound.
indexesFor(long...) - 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
 
indexOf(Object) - Method in class org.nd4j.list.BaseNDArrayList
 
indexOf(Object) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
indexOf(Object) - Method in class org.nd4j.list.NDArrayList
 
indexReduceClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
indices - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
indices - Variable in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
Indices - Class in org.nd4j.linalg.indexing
Indexing util.
Indices() - Constructor for class org.nd4j.linalg.indexing.Indices
 
indices(long...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Returns an instance of SpecifiedIndex.
INDICES_TENSOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorInfo.CooSparse
 
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
INF_PANIC - Static variable in class org.nd4j.graph.ProfilingMode
 
INFER_SHAPES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
InferenceSession - Class in org.nd4j.autodiff.samediff.internal
InferenceSession: Performs inference (forward pass) on a SameDiff instance to get the outputs of the requested nodes.
InferenceSession(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.internal.InferenceSession
 
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
 
infoType() - Method in class org.nd4j.graph.UIStaticInfoRecord
 
INHERIT - Static variable in class org.nd4j.graph.DataType
 
init(int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
init(long[], long[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
init(long[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
init() - Method in class org.nd4j.linalg.api.ops.performance.primitives.AveragingTransactionsHolder
 
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, long) - Method in interface org.nd4j.linalg.indexing.INDArrayIndex
 
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, long) - 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, long) - 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.NewAxis
 
init(INDArray, int) - Method in class org.nd4j.linalg.indexing.NewAxis
 
init(long, long, long) - 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, long) - 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, long) - 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
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Iniitialize the function from the given OnnxProto3.NodeProto
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRU
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRUCell
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Diag
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.NoOp
 
initFromOnnx(OnnxProto3.NodeProto, SameDiff, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.GraphProto) - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Initialize the function from the given NodeDef
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
initFromTensorFlow(List<SDVariable>, List<SDVariable>, NODE_TYPE, SameDiff, Map<String, ATTR_TYPE>, GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.OpImportOverride
Initialize the operation and return its output variables
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAdd
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastTo
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeNearestNeighbor
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMax
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMin
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRU
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRUCell
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.ApplyGradientDescent
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Diag
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Size
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Split
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.SplitV
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.BinCount
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cholesky
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InTopK
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.TopK
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.NoOp
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.persistence.RestoreV2
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.persistence.SaveV2
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
initFromTensorFlow(NodeDef, SameDiff, Map<String, AttrValue>, GraphDef) - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
initFunctionFromProperties(String, DifferentialFunction, Map<String, OnnxProto3.AttributeProto>, OnnxProto3.NodeProto, OnnxProto3.GraphProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
Init a function's attributes
initFunctionFromProperties(DifferentialFunction, Map<String, AttrValue>, NodeDef, GraphDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
initFunctionFromProperties(String, DifferentialFunction, Map<String, AttrValue>, NodeDef, GraphDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
Init a function's attributes
INITIAL_VALUE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariableDef
 
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
INITIALIZER_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.GraphProto
 
INITIALIZER_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.GraphProto
 
INITIALIZER_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariableDef
 
initializeTraining() - Method in class org.nd4j.autodiff.samediff.SameDiff
Perform setup for training.
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
 
initOutputVariables(SameDiff, DifferentialFunction) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
initSubgraph(List<String>) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
initTypeAndSize() - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
Initialize the opType 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
 
inPlace - Variable in class org.nd4j.autodiff.functions.DifferentialFunction
 
inplaceAllowed - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
inplaceCall - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
inplaceCall - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
input(T) - Method in interface org.nd4j.autodiff.execution.input.OperandsAdapter
This method must return collection of graph inputs as Operands
input(int) - Method in class org.nd4j.graph.FlatNode
 
input() - Method in interface org.nd4j.linalg.api.ops.LossFunction
The true
INPUT_ARG_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
INPUT_COUNT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInfo
 
INPUT_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.GraphProto
 
INPUT_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.NodeProto
 
INPUT_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.GraphProto
 
INPUT_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.NodeProto
 
INPUT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeDef
 
INPUT_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
inputArguments() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
inputArguments() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
inputArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
inputArguments() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
inputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
inputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
inputAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
inputColumns() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
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
 
inputCount - Variable in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
 
inputInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
inputLength() - Method in class org.nd4j.graph.FlatNode
 
inputPaired(int) - Method in class org.nd4j.graph.FlatNode
 
inputPaired(IntPair, int) - Method in class org.nd4j.graph.FlatNode
 
inputPairedLength() - Method in class org.nd4j.graph.FlatNode
 
inputs() - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns the inputs (placeholders) for the samediff graph
inputs() - Method in class org.nd4j.autodiff.samediff.transform.SubGraph
 
inputs(int) - Method in class org.nd4j.graph.UIGraphStructure
 
inputs(int) - Method in class org.nd4j.graph.UIOp
 
INPUTS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SignatureDef
 
INPUTS_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.Operation
 
inputsForOp - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
inputsForOp(int) - Method in class org.nd4j.graph.UIVariable
 
inputsForOpLength() - Method in class org.nd4j.graph.UIVariable
 
inputsLength() - Method in class org.nd4j.graph.UIGraphStructure
 
inputsLength() - Method in class org.nd4j.graph.UIOp
 
inputsPair(int) - Method in class org.nd4j.graph.UIGraphStructure
 
inputsPair(IntPair, int) - Method in class org.nd4j.graph.UIGraphStructure
 
inputsPairLength() - Method in class org.nd4j.graph.UIGraphStructure
 
inputsToOp - Variable in class org.nd4j.autodiff.samediff.internal.SameDiffOp
 
InputType - Class in org.nd4j.graph
 
inputTypes - Variable in class org.nd4j.autodiff.samediff.internal.DataTypesSession.DataTypeCalc
 
inputVars - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
inputVars - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
inspectArray(INDArray) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
inspectArray(INDArray) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
INSTANCE_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
INSTANCE_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceResponse
 
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 class org.nd4j.linalg.learning.config.AMSGrad
 
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
 
inSubgraph(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.transform.SubGraph
 
INT16 - Static variable in class org.nd4j.graph.DataType
 
INT16_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
int16_t
INT16_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
int16_t
INT32 - Static variable in class org.nd4j.graph.DataType
 
INT32_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
INT32_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
INT32_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
int32_t
INT32_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
int32_t
INT64 - Static variable in class org.nd4j.graph.DataType
 
INT64_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
INT64_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
INT64_LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef
 
INT64_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
INT64_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
int64_t
INT64_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
int64_t
INT8 - Static variable in class org.nd4j.graph.DataType
 
INT8_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
int8_t
INT8_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
int8_t
INT_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
INT_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
INT = 2;
INT_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
INT = 2;
intArrayArguments - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
IntArrayIntIndexAdpater - Class in org.nd4j.imports.descriptors.properties.adapters
 
IntArrayIntIndexAdpater() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.IntArrayIntIndexAdpater
 
INTER_OP_PARALLELISM_THREADS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
INTER_OP_THREAD_POOL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions
 
interceptIntDataType(Op) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
This method checks if any Op operand has data opType of INT, and throws exception if any.
InterconnectLink - Class in org.tensorflow.framework
Protobuf type tensorflow.InterconnectLink
InterconnectLink.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.InterconnectLink
InterconnectLinkOrBuilder - Interface in org.tensorflow.framework
 
INTERNAL_VALUE - Static variable in enum org.tensorflow.framework.Code
Internal errors.
internalCreateBuffer(float[]) - Static method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
internalCreateBuffer(double[]) - Static method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
internalCreateBuffer(int[]) - Static method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
internalCreateBuffer(float[], long) - Static method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
internalCreateBuffer(double[], long) - Static method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
internalCreateBuffer(int[], long) - Static method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.AttributeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.GraphProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.ModelProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.NodeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.AttributeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.GraphProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.ModelProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.NodeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TensorShapeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TypeProto
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
internalGetFieldAccessorTable() - Method in class onnx.OnnxProto3.ValueInfoProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ClusterDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.JobDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.LoggingRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.LoggingResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ResetRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ResetResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunStepRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.RunStepResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.ServerDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.StepSequence
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.TraceOpts
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.TracingRequest
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.distruntime.TracingResponse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AllocationDescription
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AllocationRecord
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef.Arg
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef.Attr
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ApiDefs
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AssetFileDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AttrValue.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AttrValue
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.AutoParallelOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CallableOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CondContextDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ConfigProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CriticalSectionDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebugOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DebugTensorWatch
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DeviceAttributes
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DeviceLocality
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.DeviceStepStats
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.FunctionDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GPUOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GradientDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GradientDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.HistogramProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.InterconnectLink
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.KernelDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.KernelDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.LocalLinks
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogStep
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MemoryStats
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MetaGraphDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NameAttrList
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NamedTensorProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NodeDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NodeDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NodeExecStats
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.NodeOutput
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpDeprecation
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpList.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OpList
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.OptimizerOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.QueueRunnerDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ReaderBaseState
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ResourceHandleProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RewriterConfig
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RPCOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RunMetadata
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RunOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.RunOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SavedModel.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SavedModel
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SignatureDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.StepStats.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.StepStats
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary.Audio
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary.Image
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.Summary.Value
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SummaryDescription
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SummaryMetadata
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorConnection
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorDescription
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorInfo
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorShapeProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.TensorSliceProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.ValuesDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.VariableDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.VariableDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.VersionDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.VersionDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.framework.WhileContextDef
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.BundleEntryProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.BundleHeaderProto
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.IteratorStateMetadata
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.SaverDef.Builder
 
internalGetFieldAccessorTable() - Method in class org.tensorflow.util.SaverDef
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
internalGetFieldAccessorTable() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
internalGetFieldAccessorTable() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
internalGetFieldAccessorTable() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
internalGetFieldAccessorTable() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
internalGetFieldAccessorTable() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
internalGetMapField(int) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.distruntime.JobDef
 
internalGetMapField(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.ConfigProto
 
internalGetMapField(int) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.FunctionDef
 
internalGetMapField(int) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.MetaGraphDef
 
internalGetMapField(int) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.NameAttrList
 
internalGetMapField(int) - Method in class org.tensorflow.framework.NodeDef.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.NodeDef
 
internalGetMapField(int) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
internalGetMapField(int) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.SignatureDef
 
internalGetMapField(int) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
internalGetMapField(int) - Method in class org.tensorflow.framework.ValuesDef
 
internalGetMapField(int) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
internalGetMapField(int) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
internalGetMapField(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
internalGetMapField(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
internalGetMutableMapField(int) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.NodeDef.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
internalGetMutableMapField(int) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
internalGetMutableMapField(int) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
internalGetMutableMapField(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
internalGetValueMap() - Static method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
 
internalGetValueMap() - Static method in enum onnx.OnnxMlProto3.TensorProto.DataType
 
internalGetValueMap() - Static method in enum onnx.OnnxMlProto3.Version
 
internalGetValueMap() - Static method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
 
internalGetValueMap() - Static method in enum onnx.OnnxProto3.AttributeProto.AttributeType
 
internalGetValueMap() - Static method in enum onnx.OnnxProto3.TensorProto.DataType
 
internalGetValueMap() - Static method in enum onnx.OnnxProto3.Version
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.ApiDef.Visibility
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.Code
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.DataType
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.GraphTransferInfo.Destination
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.OptimizerOptions.Level
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.RewriterConfig.MemOptType
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.RewriterConfig.Toggle
 
internalGetValueMap() - Static method in enum org.tensorflow.framework.RunOptions.TraceLevel
 
internalGetValueMap() - Static method in enum org.tensorflow.util.BundleHeaderProto.Endianness
 
internalGetValueMap() - Static method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
 
interval(Long, Long) - Static method in class org.nd4j.autodiff.samediff.SDIndex
 
interval(Integer, Integer) - Static method in class org.nd4j.autodiff.samediff.SDIndex
 
interval(Long, Long, Long) - Static method in class org.nd4j.autodiff.samediff.SDIndex
 
interval(Integer, Integer, Integer) - Static method in class org.nd4j.autodiff.samediff.SDIndex
 
interval(long, long, long, long) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generates an interval from begin (inclusive) to end (exclusive)
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, long, boolean) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
 
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(long, long, boolean) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Generates an interval from begin (inclusive) to end (exclusive)
intervalBoundaries - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
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
 
IntMatrixNDArrayList - Class in org.nd4j.list.matrix
A MatrixBaseNDArrayList for int data type
IntMatrixNDArrayList() - Constructor for class org.nd4j.list.matrix.IntMatrixNDArrayList
 
IntNDArrayList - Class in org.nd4j.list
An BaseNDArrayList for integers
IntNDArrayList() - Constructor for class org.nd4j.list.IntNDArrayList
 
IntNDArrayList(INDArray) - Constructor for class org.nd4j.list.IntNDArrayList
 
InTopK - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
In Top K op
InTopK() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.InTopK
 
InTopK(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.InTopK
 
IntPair - Class in org.nd4j.graph
 
IntPair() - Constructor for class org.nd4j.graph.IntPair
 
INTRA_OP_PARALLELISM_THREADS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
INTS_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
INTS_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
INTS_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
INTS = 7;
INTS_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
INTS = 7;
IntTriple - Class in org.nd4j.graph
 
IntTriple() - Constructor for class org.nd4j.graph.IntTriple
 
INVALID_ARGUMENT_VALUE - Static variable in enum org.tensorflow.framework.Code
Client specified an invalid argument.
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.ConstantDistribution
Computes the quantile function of this distribution.
inverseCumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
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.OrthogonalDistribution
Computes the quantile function of this distribution.
inverseCumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Computes the quantile function of this distribution.
inverseCumulativeProbability(double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.UniformDistribution
 
InverseSchedule - Class in org.nd4j.linalg.schedule
Inverse schedule, with 3 parameters: initial value, gamma and power.
value(i) = initialValue * (1 + gamma * iter)^(-power) where i is the iteration or epoch (depending on the setting)
InverseSchedule(ScheduleType, double, double, double) - Constructor for class org.nd4j.linalg.schedule.InverseSchedule
 
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
 
invertPermutation(SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
invertPermutation(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Compute the inverse permutation indices for a permutation operation
Example: if input is [2, 0, 1] then output is [1, 2, 0]
The idea is that x.permute(input).permute(invertPermutation(input)) == x
invertPermutation(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Compute the inverse permutation indices for a permutation operation
Example: if input is [2, 0, 1] then output is [1, 2, 0]
The idea is that x.permute(input).permute(invertPermutation(input)) == x
InvertPermutation - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Inverse of index permutation.
InvertPermutation(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.InvertPermutation
 
invoke(String, Object[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
invoke(Op, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Deprecated.
invoke(Op, SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Invoke an op by opName
invoke(Op) - Method in interface org.nd4j.linalg.profiler.OpProfiler.OpProfilerListener
 
invokeFunctionOn(String, SameDiff) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
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
invokeGraphOn(SameDiff) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
IR_BUILD_METADATA_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
IR_VERSION_2017_10_10_VALUE - Static variable in enum onnx.OnnxMlProto3.Version
The version field is always serialized and we will use it to store the version that the graph is generated from.
IR_VERSION_2017_10_10_VALUE - Static variable in enum onnx.OnnxProto3.Version
The version field is always serialized and we will use it to store the version that the graph is generated from.
IR_VERSION_2017_10_30_VALUE - Static variable in enum onnx.OnnxMlProto3.Version
IR_VERSION 0.0.2 published on Oct 30, 2017 - Added type discriminator to AttributeProto to support proto3 users
IR_VERSION_2017_10_30_VALUE - Static variable in enum onnx.OnnxProto3.Version
IR_VERSION 0.0.2 published on Oct 30, 2017 - Added type discriminator to AttributeProto to support proto3 users
IR_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
IR_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
IR_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
IR_VERSION_PRERELEASE_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
IR_VERSION_VALUE - Static variable in enum onnx.OnnxMlProto3.Version
IR VERSION 0.0.3 published on Nov 3, 2017 - For operator versioning: - Added new message OperatorSetIdProto - Added opset_import in ModelProto - For vendor extensions, added domain in NodeProto
IR_VERSION_VALUE - Static variable in enum onnx.OnnxProto3.Version
IR VERSION 0.0.3 published on Nov 3, 2017 - For operator versioning: - Added new message OperatorSetIdProto - Added opset_import in ModelProto - For vendor extensions, added domain in NodeProto
IS_AGGREGATE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
IS_COMMUTATIVE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
IS_DEAD_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufResponse
 
IS_DEAD_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorResponse
 
IS_FINAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
IS_LAST_PARTIAL_RUN_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
IS_PARTIAL_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
IS_REF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.ArgDef
 
IS_RESOURCE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariableDef
 
IS_SOURCE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
IS_STATEFUL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
isActive(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method checks, if specified graph node is active (as in - located within active code branch, and was NOT left in inactive branch)
isamax(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
isamax(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
isamax(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
isamin(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isAttached() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns True, if this INDArray instance is attached to some Workspace.
isB() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isB() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
isB() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks if this INDArray instance has boolean type
isB(DataType) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isBiasCorrected() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
isBorrowed - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
ISchedule - Interface in org.nd4j.linalg.schedule
ISchedule: a general purpose interface for getting values according to some schedule.
isColumnVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Checks whether the matrix is a column vector.
isColumnVector() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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
isColumnVectorOrScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isColumnVectorOrScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isColumnVectorOrScalar() - 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
Returns true if the given shape length is 2 and the size at element 1 is 1
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.BaseReduceOp
 
isComplexAccumulation() - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
isComplexAccumulation() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
Deprecated.
isCompressed() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns true if this array is compressed, and false otherwise
isCompressed() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isCompressed() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this array is compressed, and false otherwise
isConfigProperties() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Returns true if the fields for this class should be looked up from a configuration class.
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
isConfigProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
isConstant() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
isConstant(TENSOR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Returns true if the given node is a constant
isConstant(OnnxProto3.TypeProto.Tensor) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
isConstant(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
isConstant - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
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?
isControlDependency(String) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
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() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
isDebug() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns true if debug mode is enabled, false otherwise
isDebug - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isDimensionFixed(int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return if the dimension in argument is a fixed dimension.
isEmpty() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method returns true if this INDArray is special case: no-value INDArray
isEmpty() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
This method returns true if this INDArray is special case: no-value INDArray
isEmpty() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns true if this INDArray is special case: no-value INDArray
isEmpty() - Method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
isEmpty(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isEmpty() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
isEmpty() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
 
isEmpty() - Method in class org.nd4j.linalg.dataset.DataSet
 
isEmpty() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
isEmpty() - Method in class org.nd4j.list.BaseNDArrayList
 
isEmpty() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
isEmpty() - Method in class org.nd4j.list.NDArrayList
 
isExperimentalMode() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
isExperimentalMode() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
isExperimentalMode() - Static method in class org.nd4j.linalg.factory.Nd4j
 
isFallbackModeEnabled() - Static method in class org.nd4j.linalg.factory.Nd4j
This method checks, if fallback mode was enabled.
isFinite(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
isFinite(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is finite operation: elementwise isFinite(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
isFinite(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is finite operation: elementwise isFinite(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
IsFinite - Class in org.nd4j.linalg.api.ops.impl.transforms.bool
IsFinite function
IsFinite(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
IsFinite() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
IsFinite(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
IsFinite(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
isFinite() - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
IsFinite - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
IsFinite() - Constructor for class org.nd4j.linalg.indexing.conditions.IsFinite
 
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
 
isFrameActive(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method returns TRUE if specified frame was activated (as in: Enter/Merge was triggered)
isFull() - Method in class org.nd4j.linalg.api.ops.aggregates.Batch
This method checks, if number of batched aggregates equals to maximum possible value
IsInf - Class in org.nd4j.linalg.api.ops.impl.reduce.bool
IsInf function
IsInf(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
IsInf(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
IsInf() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
IsInf(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
IsInf(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
IsInf - Class in org.nd4j.linalg.api.ops.impl.transforms.bool
IsInf function
IsInf(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
IsInf() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
IsInf(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
IsInf(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
isInfinite(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
isInfinite(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is infinite operation: elementwise isInfinite(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
isInfinite(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is infinite operation: elementwise isInfinite(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
isInfinite() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isInfinite() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isInfinite() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary NDArray with value true where this array's entries are infinite, or false where they are not infinite
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
 
isInitialized() - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.AttributeProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.GraphProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.ModelProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.NodeProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
isInitialized() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
isInitialized() - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
isInitialized() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
isInitialized() - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
isInitialized() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
isInitialized() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
isInitialized() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
isInitialized() - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.AttributeProto
 
isInitialized() - Method in class onnx.OnnxProto3.GraphProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.GraphProto
 
isInitialized() - Method in class onnx.OnnxProto3.ModelProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.ModelProto
 
isInitialized() - Method in class onnx.OnnxProto3.NodeProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.NodeProto
 
isInitialized() - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
isInitialized() - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
isInitialized() - Method in class onnx.OnnxProto3.TensorProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.TensorProto
 
isInitialized() - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
isInitialized() - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
isInitialized() - Method in class onnx.OnnxProto3.TensorShapeProto
 
isInitialized() - Method in class onnx.OnnxProto3.TypeProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.TypeProto
 
isInitialized() - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
isInitialized() - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
isInitialized() - Method in class onnx.OnnxProto3.ValueInfoProto
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ClusterDef
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
isInitialized() - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.JobDef.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.JobDef
 
isInitialized() - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
isInitialized() - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.LoggingRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.LoggingResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ResetRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ResetResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RunStepRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.RunStepResponse
 
isInitialized() - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.ServerDef
 
isInitialized() - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.StepSequence
 
isInitialized() - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.TraceOpts
 
isInitialized() - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.TracingRequest
 
isInitialized() - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
isInitialized() - Method in class org.tensorflow.distruntime.TracingResponse
 
isInitialized() - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
isInitialized() - Method in class org.tensorflow.framework.AllocationDescription
 
isInitialized() - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
isInitialized() - Method in class org.tensorflow.framework.AllocationRecord
 
isInitialized() - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
isInitialized() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef.Arg
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef.Attr
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
isInitialized() - Method in class org.tensorflow.framework.ApiDef
 
isInitialized() - Method in class org.tensorflow.framework.ApiDefs.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ApiDefs
 
isInitialized() - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.AssetFileDef
 
isInitialized() - Method in class org.tensorflow.framework.AttrValue.Builder
 
isInitialized() - Method in class org.tensorflow.framework.AttrValue
 
isInitialized() - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
isInitialized() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
isInitialized() - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.AutoParallelOptions
 
isInitialized() - Method in class org.tensorflow.framework.CallableOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CallableOptions
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
isInitialized() - Method in class org.tensorflow.framework.CondContextDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CondContextDef
 
isInitialized() - Method in class org.tensorflow.framework.ConfigProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
isInitialized() - Method in class org.tensorflow.framework.ConfigProto
 
isInitialized() - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
isInitialized() - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CriticalSectionDef
 
isInitialized() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
isInitialized() - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
isInitialized() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
isInitialized() - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
isInitialized() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
isInitialized() - Method in class org.tensorflow.framework.DebugOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.DebugOptions
 
isInitialized() - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
isInitialized() - Method in class org.tensorflow.framework.DebugTensorWatch
 
isInitialized() - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
isInitialized() - Method in class org.tensorflow.framework.DeviceAttributes
 
isInitialized() - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
isInitialized() - Method in class org.tensorflow.framework.DeviceLocality
 
isInitialized() - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
isInitialized() - Method in class org.tensorflow.framework.DeviceStepStats
 
isInitialized() - Method in class org.tensorflow.framework.FunctionDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.FunctionDef
 
isInitialized() - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
isInitialized() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
isInitialized() - Method in class org.tensorflow.framework.GPUOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
isInitialized() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
isInitialized() - Method in class org.tensorflow.framework.GPUOptions
 
isInitialized() - Method in class org.tensorflow.framework.GradientDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GradientDef
 
isInitialized() - Method in class org.tensorflow.framework.GraphDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphDef
 
isInitialized() - Method in class org.tensorflow.framework.GraphOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphOptions
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferInfo
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
isInitialized() - Method in class org.tensorflow.framework.HistogramProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.HistogramProto
 
isInitialized() - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
isInitialized() - Method in class org.tensorflow.framework.InterconnectLink
 
isInitialized() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
isInitialized() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
isInitialized() - Method in class org.tensorflow.framework.KernelDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.KernelDef
 
isInitialized() - Method in class org.tensorflow.framework.LocalLinks.Builder
 
isInitialized() - Method in class org.tensorflow.framework.LocalLinks
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogStep
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
isInitialized() - Method in class org.tensorflow.framework.MemoryStats.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MemoryStats
 
isInitialized() - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MetaGraphDef
 
isInitialized() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
isInitialized() - Method in class org.tensorflow.framework.NameAttrList.Builder
 
isInitialized() - Method in class org.tensorflow.framework.NameAttrList
 
isInitialized() - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.NamedTensorProto
 
isInitialized() - Method in class org.tensorflow.framework.NodeDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.NodeDef
 
isInitialized() - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
isInitialized() - Method in class org.tensorflow.framework.NodeExecStats
 
isInitialized() - Method in class org.tensorflow.framework.NodeOutput.Builder
 
isInitialized() - Method in class org.tensorflow.framework.NodeOutput
 
isInitialized() - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
isInitialized() - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
isInitialized() - Method in class org.tensorflow.framework.OpDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.OpDef
 
isInitialized() - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
isInitialized() - Method in class org.tensorflow.framework.OpDeprecation
 
isInitialized() - Method in class org.tensorflow.framework.OpList.Builder
 
isInitialized() - Method in class org.tensorflow.framework.OpList
 
isInitialized() - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.OptimizerOptions
 
isInitialized() - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.QueueRunnerDef
 
isInitialized() - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ReaderBaseState
 
isInitialized() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
isInitialized() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
isInitialized() - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ResourceHandleProto
 
isInitialized() - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
isInitialized() - Method in class org.tensorflow.framework.RewriterConfig
 
isInitialized() - Method in class org.tensorflow.framework.RPCOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RPCOptions
 
isInitialized() - Method in class org.tensorflow.framework.RunMetadata.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RunMetadata
 
isInitialized() - Method in class org.tensorflow.framework.RunOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
isInitialized() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
isInitialized() - Method in class org.tensorflow.framework.RunOptions
 
isInitialized() - Method in class org.tensorflow.framework.SavedModel.Builder
 
isInitialized() - Method in class org.tensorflow.framework.SavedModel
 
isInitialized() - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
isInitialized() - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
isInitialized() - Method in class org.tensorflow.framework.SignatureDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.SignatureDef
 
isInitialized() - Method in class org.tensorflow.framework.StepStats.Builder
 
isInitialized() - Method in class org.tensorflow.framework.StepStats
 
isInitialized() - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
isInitialized() - Method in class org.tensorflow.framework.Summary.Audio
 
isInitialized() - Method in class org.tensorflow.framework.Summary.Builder
 
isInitialized() - Method in class org.tensorflow.framework.Summary.Image.Builder
 
isInitialized() - Method in class org.tensorflow.framework.Summary.Image
 
isInitialized() - Method in class org.tensorflow.framework.Summary
 
isInitialized() - Method in class org.tensorflow.framework.Summary.Value.Builder
 
isInitialized() - Method in class org.tensorflow.framework.Summary.Value
 
isInitialized() - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
isInitialized() - Method in class org.tensorflow.framework.SummaryDescription
 
isInitialized() - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
isInitialized() - Method in class org.tensorflow.framework.SummaryMetadata
 
isInitialized() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
isInitialized() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
isInitialized() - Method in class org.tensorflow.framework.TensorConnection.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorConnection
 
isInitialized() - Method in class org.tensorflow.framework.TensorDescription.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorDescription
 
isInitialized() - Method in class org.tensorflow.framework.TensorInfo.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
isInitialized() - Method in class org.tensorflow.framework.TensorInfo
 
isInitialized() - Method in class org.tensorflow.framework.TensorProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorProto
 
isInitialized() - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
isInitialized() - Method in class org.tensorflow.framework.TensorShapeProto
 
isInitialized() - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
isInitialized() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
isInitialized() - Method in class org.tensorflow.framework.TensorSliceProto
 
isInitialized() - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
isInitialized() - Method in class org.tensorflow.framework.ValuesDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.ValuesDef
 
isInitialized() - Method in class org.tensorflow.framework.VariableDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.VariableDef
 
isInitialized() - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
isInitialized() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
isInitialized() - Method in class org.tensorflow.framework.VersionDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.VersionDef
 
isInitialized() - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
isInitialized() - Method in class org.tensorflow.framework.WhileContextDef
 
isInitialized() - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
isInitialized() - Method in class org.tensorflow.util.BundleEntryProto
 
isInitialized() - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
isInitialized() - Method in class org.tensorflow.util.BundleHeaderProto
 
isInitialized() - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
isInitialized() - Method in class org.tensorflow.util.IteratorStateMetadata
 
isInitialized() - Method in class org.tensorflow.util.SaverDef.Builder
 
isInitialized() - Method in class org.tensorflow.util.SaverDef
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
isInitialized() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
isInitialized() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
isInitialized() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
isInitialized() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
isInitialized() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
isInitialized() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
isInitialized() - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
isInitialized() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
isInplaceCall() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
This method returns true if op is supposed to be executed inplace
isInplaceCall() - Method in interface org.nd4j.linalg.api.ops.CustomOp
This method returns true if op is supposed to be executed inplace
isInplaceCall() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
isInplaceCall() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.NewAxis
 
isInterval() - Method in class org.nd4j.linalg.indexing.PointIndex
 
isInterval() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
isKeepDims() - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
isKeepDims() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
This method returns TRUE if we're going to keep axis, FALSE otherwise
isKeepDims() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
This method returns TRUE if we're going to keep axis, FALSE otherwise
isLearning - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isLegacy - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
isMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns true if this ndarray is 2d or 3d with a singleton element
isMatrix - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
isMatrix(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isMax(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
isMax(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is maximum operation: elementwise x == max(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
isMax(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is maximum operation: elementwise x == max(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
IsMax - Class in org.nd4j.linalg.api.ops.impl.transforms.any
[1, 2, 3, 1] -> [0, 0, 1, 0]
IsMax(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
IsMax(SameDiff, SDVariable, int[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
IsMax(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
IsMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
IsMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
IsMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
IsMax(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
IsMax(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
isMax(INDArray, DataType) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
isMax(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
isMax(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
isMultiple(String) - Static method in class org.nd4j.serde.base64.Nd4jBase64
Returns true if the base64 contains multiple arrays This is delimited by tab
isNaN(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
isNaN(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is Not a Number operation: elementwise isNaN(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
isNaN(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is Not a Number operation: elementwise isNaN(x)
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
isNaN() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isNaN() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isNaN() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary NDArray with value true where this array's entries are NaN, or false where they are not infinite
IsNaN - Class in org.nd4j.linalg.api.ops.impl.reduce.bool
IsInf function
IsNaN(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
IsNaN(SameDiff, SDVariable, int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
IsNaN() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
IsNaN(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
IsNaN(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
IsNaN - Class in org.nd4j.linalg.api.ops.impl.transforms.bool
IsNaN function
IsNaN(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
IsNaN() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
IsNaN(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
IsNaN(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
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
 
isNCDHW() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv3DConfig
 
isNCDHW(boolean) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv3DConfig
 
isNHWC() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv2DConfig
 
isNHWC(boolean) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv2DConfig
 
isNonDecreasing(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
isNonDecreasing(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is the array non decreasing?
An array is non-decreasing if for every valid i, x[i] <= x[i+1].
isNonDecreasing(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is the array non decreasing?
An array is non-decreasing if for every valid i, x[i] <= x[i+1].
IsNonDecreasing - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
This op takes 1 n-dimensional array as input, and returns true if for every adjacent pair we have x[i] <= x[i+1].
IsNonDecreasing() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNonDecreasing
 
IsNonDecreasing(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNonDecreasing
 
IsNonDecreasing(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNonDecreasing
 
isNumericTensor(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
isNumericTensor(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Is the director a numeric tensor? In the current version of ND4J/SameDiff, this always returns true/1
isNumericTensor(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Is the director a numeric tensor? In the current version of ND4J/SameDiff, this always returns true/1
IsNumericTensor - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
This op takes 1 n-dimensional array as input, and returns true if input is a numeric array.
IsNumericTensor() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNumericTensor
 
IsNumericTensor(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNumericTensor
 
IsNumericTensor(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNumericTensor
 
isNWC() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv1DConfig
 
isNWC(boolean) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv1DConfig
 
ISOLATE_SESSION_STATE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
ISOLATE_SESSION_STATE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
isOpen - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
isOpIgnoreException(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Returns true if this node is a special case (maybe because of name or other scenarios) that should override GraphMapper.opsToIgnore() in certain circumstances
isOpIgnoreException(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
isOpIgnoreException(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
isOver - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
ISparseNDArray - Interface in org.nd4j.linalg.api.ndarray
 
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
 
isPlaceHolder(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns true if this vertex id is a place holder variable or not
A place holder variable is one where the array shape(s) are currently known and can't yet be calculated
isPlaceHolder() - Method in class org.nd4j.autodiff.samediff.SDVariable
Returns true if this variable is a place holder
isPlaceHolder(TENSOR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Returns true if the given node is a place holder type (think a yet to be determined shape)_
isPlaceHolder(OnnxProto3.TypeProto.Tensor) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
isPlaceHolder(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
isPlaceHolderNode(TENSOR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Returns true if the given node is a place holder
isPlaceHolderNode(OnnxProto3.TypeProto.Tensor) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
isPlaceHolderNode(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
Returns true if the given node is a place holder
isPlaceholderShape(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if any shape has a -1 or a null or empty array is passed in
isPlaceholderShape(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isPrecisionBoostAllowed() - Static method in class org.nd4j.linalg.factory.Nd4j
 
isPreProcessed() - Method in class org.nd4j.linalg.dataset.DataSet
 
isR() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isR() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
isR() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks if this INDArray instance is one of Real types
isR(DataType) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isRegisteredFrame(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method returns TRUE if frame_name already registered, false otherwise
isRewindPlanned(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method checks, if rewind was planned for specified frame_name
isRewindPossible(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
 
isRowVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Checks whether the matrix is a row vector.
isRowVector() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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
isRowVectorOrScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isRowVectorOrScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isRowVectorOrScalar() - 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
isRowVectorShape(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isS() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isS() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
isS() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks if this INDArray instance has String type
isS(DataType) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isSameMode - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
isScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Test whether a matrix is scalar.
isScalar - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
isScopedOut(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
isScopedOut(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
 
isSorted - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
isSorted() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
isSparse() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isSparse - Static variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isSparse() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isSparse() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this array is sparse
isSquare() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isSquare() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isSquare() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns whether the matrix has the same rows and columns
isStrictlyIncreasing(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
isStrictlyIncreasing(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is the array strictly increasing?
An array is strictly increasing if for every valid i, x[i] < x[i+1].
isStrictlyIncreasing(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Is the array strictly increasing?
An array is strictly increasing if for every valid i, x[i] < x[i+1].
IsStrictlyIncreasing - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
This op takes 1 n-dimensional array as input, and returns true if for every adjacent pair we have x[i] < x[i+1].
IsStrictlyIncreasing() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsStrictlyIncreasing
 
IsStrictlyIncreasing(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsStrictlyIncreasing
 
IsStrictlyIncreasing(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.IsStrictlyIncreasing
 
isStringType(TENSOR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
isStringType(OnnxProto3.TypeProto.Tensor) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
isStringType(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
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.ConstantDistribution
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.LogNormalDistribution
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.OrthogonalDistribution
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.TruncatedNormalDistribution
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.ConstantDistribution
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.LogNormalDistribution
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.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.OrthogonalDistribution
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.TruncatedNormalDistribution
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.ConstantDistribution
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.LogNormalDistribution
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.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.OrthogonalDistribution
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.TruncatedNormalDistribution
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.
isSymmetric - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
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.
isVariableNode(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
isVariableNode(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
isVariableNode(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
isVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Checks whether the matrix is a vector.
isVector - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isVector() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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
isVector(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isVectorOrScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isVectorOrScalar() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
isVectorOrScalar() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns true if this ndarray is a vector or scalar
isVerbose() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
isVerbose() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns true if verbose mode is enabled, false otherwise
isView() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isView() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
isView() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
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
isWholeArray(long[], int...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
isWorkspaceOpen(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
isWorkspaceOpen(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Check if the workspace for the specified array type is open.
isZ() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
isZ() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
isZ() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks if this INDArray instance is one of integer types
isZ(DataType) - Static method in class org.nd4j.linalg.api.shape.Shape
 
isZero(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
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, long[], long[], int, int, long[], long[], CoordinateFunction) - Static method in class org.nd4j.linalg.api.shape.Shape
 
iterate(int, int, int[], int[], CoordinateFunction) - Static method in class org.nd4j.linalg.api.shape.Shape
Iterate over a pair of coordinates
iterate(int, int, long[], long[], CoordinateFunction) - Static method in class org.nd4j.linalg.api.shape.Shape
 
iterate(INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.SpecifiedIndex
Iterate over a cross product of the coordinates
iterateOverSparse(INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.SpecifiedIndex
Iterate over a cross product of the coordinates
iterateWithMiniBatches() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Deprecated.
iterateWithMiniBatches() - Method in class org.nd4j.linalg.dataset.DataSet
 
iteration() - Method in class org.nd4j.graph.FrameIteration
 
iteration() - Method in class org.nd4j.graph.UIEvent
 
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
 
iterator() - Method in class org.nd4j.list.BaseNDArrayList
 
iterator() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
iterator() - Method in class org.nd4j.list.NDArrayList
 
IteratorProtos - Class in org.tensorflow.util
 
IteratorStateMetadata - Class in org.tensorflow.util
Protocol buffer representing the metadata for an iterator's state stored as a Variant tensor.
IteratorStateMetadata.Builder - Class in org.tensorflow.util
Protocol buffer representing the metadata for an iterator's state stored as a Variant tensor.
IteratorStateMetadataOrBuilder - Interface in org.tensorflow.util
 
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

J

jaccardDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
jaccardDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Jaccard similarity reduction operation.
jaccardDistance(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Jaccard similarity reduction operation.
JaccardDistance - Class in org.nd4j.linalg.api.ops.impl.reduce3
Jaccard distance (dissimilarity)
JaccardDistance(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
JaccardDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
JaccardDistance(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
JaccardDistance(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
JaccardDistance(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
JaccardDistance(INDArray, INDArray, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
JaccardDistance(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
jaccardDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
javaShapeInformation - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
javaShapeInformation - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
javaTensorAlongDimension(int, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
javaTensorAlongDimension(int, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
javaTensorAlongDimension(int, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Deprecated.
jaxis - Variable in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
jaxis - Variable in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
jaxis - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
jaxis - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
JOB_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ClusterDef
 
JOB_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ServerDef
 
JobDef - Class in org.tensorflow.distruntime
Defines a single job in a TensorFlow cluster.
JobDef.Builder - Class in org.tensorflow.distruntime
Defines a single job in a TensorFlow cluster.
JobDefOrBuilder - Interface in org.tensorflow.distruntime
 
johnsonLindenstraussMinDim(int[], double...) - Static method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
Find a safe number of components to project this to, through the Johnson-Lindenstrauss lemma The minimum number n' of components to guarantee the eps-embedding is given by: n' >= 4 log(n) / (eps² / 2 - eps³ / 3) see http://cseweb.ucsd.edu/~dasgupta/papers/jl.pdf §2.1
johnsonLindenstraussMinDim(long[], double...) - Static method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
 
johnsonLindenStraussMinDim(int, double...) - Static method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
 
johnsonLindenStraussMinDim(long, double...) - Static method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
 
joinDistinct(OpProfiler.PenaltyCause[], OpProfiler.PenaltyCause[]) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
jvmShapeInfo - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
JvmShapeInfo - Class in org.nd4j.linalg.api.ndarray
 
JvmShapeInfo(long[]) - Constructor for class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 

K

K - Variable in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
k - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
kCursor - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
KEEP_ALIVE_SECS_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
KEEP_CHECKPOINT_EVERY_N_HOURS_FIELD_NUMBER - Static variable in class org.tensorflow.util.SaverDef
 
keepDims - Variable in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
keepDims - Variable in class org.nd4j.linalg.api.ops.BaseReduceOp
 
keepDims - Variable in class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
KERNEL_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorAllocation
 
KERNEL_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorOutput
 
KernelDef - Class in org.tensorflow.framework
Protobuf type tensorflow.KernelDef
KernelDef.AttrConstraint - Class in org.tensorflow.framework
Protobuf type tensorflow.KernelDef.AttrConstraint
KernelDef.AttrConstraint.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.KernelDef.AttrConstraint
KernelDef.AttrConstraintOrBuilder - Interface in org.tensorflow.framework
 
KernelDef.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.KernelDef
KernelDefOrBuilder - Interface in org.tensorflow.framework
 
KernelDefProtos - Class in org.tensorflow.framework
 
KEY_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.StringStringEntryProto
 
KEY_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.StringStringEntryProto
 
KEY_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto.Map
 
KEYS_FIELD_NUMBER - Static variable in class org.tensorflow.util.IteratorStateMetadata
 
KFoldIterator - Class in org.nd4j.linalg.dataset.api.iterator
Splits a dataset (represented as a single DataSet object) into k folds.
KFoldIterator(DataSet) - Constructor for class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
Create a k-fold cross-validation iterator given the dataset and k=10 train-test splits.
KFoldIterator(int, DataSet) - Constructor for class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
Create an iterator given the dataset with given k train-test splits N number of samples are split into k batches.

L

l(int) - Method in class org.nd4j.graph.FlatProperties
 
L0_VALUE - Static variable in enum org.tensorflow.framework.OptimizerOptions.Level
No optimizations
l1(double) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Sets the L1 regularization coefficient for all trainable parameters.
l1 - Variable in class org.nd4j.linalg.learning.regularization.L1Regularization
 
L1_CACHE_SIZE_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
L1_VALUE - Static variable in enum org.tensorflow.framework.OptimizerOptions.Level
L1 is the default level.
L1Regularization - Class in org.nd4j.linalg.learning.regularization
L1 regularization: Implements updating as follows:
L = loss + l1 * sum_i abs(w[i])
{@code w[i] -= updater(gradient[i] + l1 * sign(w[i])) - where sign(w[i]) is +/- 1
Note that L1 regularization is applied before the updater (Adam/Nesterov/etc) is applied.
L1Regularization(double) - Constructor for class org.nd4j.linalg.learning.regularization.L1Regularization
 
L1Regularization(ISchedule) - Constructor for class org.nd4j.linalg.learning.regularization.L1Regularization
 
l2(double) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Sets the L2 regularization coefficient for all trainable parameters.
l2 - Variable in class org.nd4j.linalg.learning.regularization.L2Regularization
 
L2_CACHE_SIZE_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
l2Loss(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
L2 loss: 1/2 * sum(x^2)
l2Loss(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
L2 loss: 1/2 * sum(x^2)
L2Loss - Class in org.nd4j.linalg.api.ops.impl.loss
L2 loss op wrapper
L2Loss(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.L2Loss
 
L2Regularization - Class in org.nd4j.linalg.learning.regularization
L2 regularization: very similar to WeightDecay, but is applied before the updater is applied, not after.
L2Regularization(double) - Constructor for class org.nd4j.linalg.learning.regularization.L2Regularization
 
L2Regularization(ISchedule) - Constructor for class org.nd4j.linalg.learning.regularization.L2Regularization
 
L3_CACHE_SIZE_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
LABEL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.KernelDef
 
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
 
LabeledStepStats - Class in org.tensorflow.distruntime
Protobuf type tensorflow.LabeledStepStats
LabeledStepStats.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.LabeledStepStats
LabeledStepStatsOrBuilder - Interface in org.tensorflow.distruntime
 
labelIdx(String) - Method in class org.nd4j.autodiff.samediff.TrainingConfig
Get the index of the label array that the specified variable is associated with
labelsList - Variable in class org.nd4j.evaluation.classification.Evaluation
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
lapack() - Method in interface org.nd4j.linalg.factory.BlasWrapper
LAPack interface
lapack() - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
larg() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The left argument for this function
lAsByteBuffer() - Method in class org.nd4j.graph.FlatProperties
 
LAST_MODIFIED_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebuggedSourceFile
 
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(SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lastIndex(SDVariable, Condition, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
lastIndex(String, SDVariable, Condition, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Last index reduction operation.
Returns a variable that contains the index of the last element that matches the specified condition (for each slice along the specified dimensions)
lastIndex(String, SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Last index reduction operation.
Returns a variable that contains the index of the last element that matches the specified condition (for each slice along the specified dimensions)
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
lastIndex(SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
LastIndex - Class in org.nd4j.linalg.api.ops.impl.indexaccum
Calculate the index of max value over a vector
LastIndex(SameDiff, SDVariable, Condition, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
LastIndex() - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
LastIndex(INDArray, Condition, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
LastIndex(INDArray, Condition, double, int...) - 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
lastIndexOf(Object) - Method in class org.nd4j.list.BaseNDArrayList
 
lastIndexOf(Object) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
lastIndexOf(Object) - Method in class org.nd4j.list.NDArrayList
 
layerNorm(SDVariable, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
layerNorm(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
layerNorm(SDVariable, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Apply Layer Normalization y = gain * standardize(x) + bias
layerNorm(String, SDVariable, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Apply Layer Normalization y = gain * standardize(x) + bias
layerNorm(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Apply Layer Normalization without bias y = gain * standardize(x)
layerNorm(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Apply Layer Normalization y = gain * standardize(x)
LayerNorm - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Composed op: g*standarize(x) + b Bias is optional, and can be set as null
LayerNorm(SameDiff, SDVariable, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
LayerNorm(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
LayerNorm(INDArray, INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
LayerNorm(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
layerNormBp(SDVariable, SDVariable, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
layerNormBp(SDVariable, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
LayerNormBp - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Composed op: g*standarize(x) + b Bias is optional, and can be set as null
LayerNormBp(SameDiff, SDVariable, SDVariable, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
LayerNormBp(INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
LayerNormBp(SameDiff, SDVariable, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
LayerNormBp(INDArray, INDArray, INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
LAYOUT_OPTIMIZER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
LE - Static variable in class org.nd4j.graph.ByteOrder
 
leakyRelu(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
leakyRelu(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise leaky ReLU function:
out = x if x >= 0.0
out = alpha * x if x < cutoff
Alpha value is most commonly set to 0.01
leakyRelu(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise leaky ReLU function:
out = x if x >= 0.0
out = alpha * x if x < cutoff
Alpha value is most commonly set to 0.01
LeakyReLU - Class in org.nd4j.linalg.api.ops.impl.scalar
Leaky Rectified linear unit.
LeakyReLU(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
LeakyReLU(SameDiff, SDVariable, Object[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
LeakyReLU() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
LeakyReLU(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
LeakyReLU(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
LeakyReLU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
LeakyReLU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.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(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
leakyReluDerivative(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Leaky ReLU derivative: dOut/dIn given input.
See SDNN.leakyRelu(String, SDVariable, double)
LeakyReLUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Leaky ReLU derivative.
LeakyReLUDerivative(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
LeakyReLUDerivative(SameDiff, SDVariable, Object[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
LeakyReLUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
LeakyReLUDerivative(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.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
 
LecunUniformInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: randn(shape) //N(0, 2/nIn);
LecunUniformInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.LecunUniformInitScheme
 
LEGACY_VALUE - Static variable in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
Internal legacy format.
LegacyIActivationDeserializer - Class in org.nd4j.serde.json
Deserializer for IActivation JSON in legacy format - see BaseLegacyDeserializer
LegacyIActivationDeserializer() - Constructor for class org.nd4j.serde.json.LegacyIActivationDeserializer
 
LegacyIActivationDeserializerHelper - Class in org.nd4j.serde.json
Simple helper class to redirect legacy JSON format to LegacyIActivationDeserializer via annotation on IActivation
LegacyILossFunctionDeserializer - Class in org.nd4j.serde.json
Deserializer for ILossFunction JSON in legacy format - see BaseLegacyDeserializer
LegacyILossFunctionDeserializer() - Constructor for class org.nd4j.serde.json.LegacyILossFunctionDeserializer
 
LegacyILossFunctionDeserializerHelper - Class in org.nd4j.serde.json
Simple helper class to redirect legacy JSON format to LegacyILossFunctionDeserializer via annotation on ILossFunction
LegacyOpMapper - Class in org.nd4j.autodiff.samediff.serde
This class maps legacy ops back to
LegacyPooling2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Deprecated.
Note: This operation will be removed in a future release
LegacyPooling2D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D
Deprecated.
 
LegacyPooling2D(INDArray, int, int, int, int, int, int, int, int, boolean, LegacyPooling2D.Pooling2DType, double, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D
Deprecated.
 
LegacyPooling2D.Pooling2DType - Enum in org.nd4j.linalg.api.ops.impl.layers.convolution
Deprecated.
 
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 - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
length() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
length() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the total number of elements in the ndarray
length - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
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(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
length(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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.NewAxis
 
length() - Method in class org.nd4j.linalg.indexing.PointIndex
 
length() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
LENGTH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorSliceProto.Extent
 
LENGTH_FRAMES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Audio
 
lengthLong() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
lengthLong() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
lengthLong() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Deprecated.
lengthOf(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
lengthOfBuffer(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Calculate the length of the buffer required to store the given shape with the given strides
lengthOfBuffer(int[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Calculate the length of the buffer required to store the given shape with the given strides
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.custom
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.custom.LessThan
 
LessThan(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
LessThan(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
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
 
LessThanOrEqual - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
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.custom.LessThanOrEqual
 
LessThanOrEqual(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
LessThanOrEqual(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
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(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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
leverageOrDetach(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, if a workspace with the given ID is open and active.
leverageOrDetach(String) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
leverageOrDetach(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, if a workspace with the given ID is open and active.
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, boolean) - 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.
leverageTo(String) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
leverageTo(String, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 - if a workspace with that ID exists.
leverageTo(String, boolean) - 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.
leverageTo(T, INDArray) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
leverageTo(T, INDArray) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Leverage the array to the specified array type's workspace (or detach if required).
LIBRARY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphDef
 
like() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
like() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
like() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns empty array with the same dtype/order/shape as this one
LinAlgExceptions - Class in org.nd4j.linalg.util
Linear algebra exceptions
LinAlgExceptions() - Constructor for class org.nd4j.linalg.util.LinAlgExceptions
 
lInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
linear(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
linear(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Linear layer operation: out = mmul(in,w) + bias
Note that bias array is optional
Linear - Class in org.nd4j.linalg.api.ops.impl.layers
Linear: a * bT
Linear(int, int, WeightInitScheme, WeightInitScheme) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.Linear
 
Linear(SameDiff, int, int, WeightInitScheme, WeightInitScheme) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.Linear
 
linearIndex(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Deprecated.
linearIndex(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
linearIndex(long) - 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
 
LinearIndexLookup(long[], 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.
LINES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebuggedSourceFile
 
LINK_FIELD_NUMBER - Static variable in class org.tensorflow.framework.LocalLinks
 
LINKS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceLocality
 
linspace(SDVariable, SDVariable, SDVariable, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
linspace(DataType, double, double, long) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Create a new 1d array with values evenly spaced between values 'start' and 'stop' For example, linspace(start=3.0, stop=4.0, number=3) will generate [3.0, 3.5, 4.0]
linspace(String, DataType, double, double, long) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Create a new 1d array with values evenly spaced between values 'start' and 'stop' For example, linspace(start=3.0, stop=4.0, number=3) will generate [3.0, 3.5, 4.0]
linspace(String, SDVariable, SDVariable, SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Create a new 1d array with values evenly spaced between values 'start' and 'stop' For example, linspace(start=3.0, stop=4.0, number=3) will generate [3.0, 3.5, 4.0]
Linspace - Class in org.nd4j.linalg.api.ops.impl.shape
Linspace op - with dynamic (SDVariable) args
Linspace(SameDiff, SDVariable, SDVariable, SDVariable, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
Linspace() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
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, long, double, DataType) - Constructor for class org.nd4j.linalg.api.ops.random.impl.Linspace
 
Linspace(double, double, long, DataType) - 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(INDArray, double, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.Linspace
 
Linspace(SameDiff, double, double, long) - Constructor for class org.nd4j.linalg.api.ops.random.impl.Linspace
 
linspace(DataType, long, long, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced vector
linspace(long, long, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced vector with default data type
linspace(long, long, long, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced vector
linspace(DataType, double, double, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced 1d vector of the specified datatype
linspace(double, double, long, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a linearly spaced 1d vector of the specified datatype
list(int) - Method in class org.nd4j.graph.FlatArrayList
 
list(FlatArray, int) - Method in class org.nd4j.graph.FlatArrayList
 
LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
ListDevicesRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ListDevicesRequest
ListDevicesRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ListDevicesRequest
ListDevicesRequestOrBuilder - Interface in org.tensorflow.distruntime
 
ListDevicesResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ListDevicesResponse
ListDevicesResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ListDevicesResponse
ListDevicesResponseOrBuilder - Interface in org.tensorflow.distruntime
 
ListDiff - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
ListDiff() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ListDiff
 
listGitPropertiesFiles() - Static method in class org.nd4j.versioncheck.VersionCheck
 
listIterator() - Method in class org.nd4j.list.BaseNDArrayList
 
listIterator(int) - Method in class org.nd4j.list.BaseNDArrayList
 
listIterator() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
listIterator(int) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
listIterator() - Method in class org.nd4j.list.NDArrayList
 
listIterator(int) - Method in class org.nd4j.list.NDArrayList
 
listLength() - Method in class org.nd4j.graph.FlatArrayList
 
LITTLE_VALUE - Static variable in enum org.tensorflow.util.BundleHeaderProto.Endianness
LITTLE = 0;
LIVE_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocatorMemoryUsed
 
lLength() - Method in class org.nd4j.graph.FlatProperties
 
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
 
LOCAL_DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ListDevicesResponse
 
LOCAL_NAME_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
LOCALITY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceAttributes
 
LocalLinks - Class in org.tensorflow.framework
Protobuf type tensorflow.LocalLinks
LocalLinks.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.LocalLinks
LocalLinksOrBuilder - Interface in org.tensorflow.framework
 
localResponseNormalization(SDVariable, LocalResponseNormalizationConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Local response normalization operation.
localResponseNormalization(SDVariable, LocalResponseNormalizationConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D convolution layer operation - local response normalization
localResponseNormalization(String, SDVariable, LocalResponseNormalizationConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D convolution layer operation - local response normalization
LocalResponseNormalization - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
LocalResponseNormalization operation
LocalResponseNormalization(SameDiff, SDVariable[], INDArray[], INDArray[], boolean, LocalResponseNormalizationConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
LocalResponseNormalizationConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
LocalResponseNormalizationConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.LocalResponseNormalizationConfig
 
LocalResponseNormalizationDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
LocalResponseNormalizationDerivative operation
LocalResponseNormalizationDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], boolean, LocalResponseNormalizationConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalizationDerivative
 
LocalResponseNormalizationDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalizationDerivative
 
lock - Variable in class org.nd4j.linalg.util.AtomicThrowable
 
log(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
log(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
log(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise logarithm function (base e - natural logarithm): out = log(x)
log(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise logarithm function (base e - natural logarithm): out = log(x)
log(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise logarithm function (with specified base): out = log_{base}(x)
log(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise logarithm function (with specified base): out = log_{base}(x)
Log - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Log elementwise function
Log(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
Log() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
Log(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
Log(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
log1p(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
log1p(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise natural logarithm function: out = log_e (1 + x)
log1p(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise natural logarithm function: out = log_e (1 + x)
Log1p - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Log1p function
Log1p(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
Log1p() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
Log1p(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
Log1p(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
log1p(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Log of x + 1 function
LOG_DEVICE_PLACEMENT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
LOG_INIT_ENV_PROPERTY - Static variable in class org.nd4j.linalg.factory.Nd4j
Deprecated.
Use ND4JSystemProperties.LOG_INITIALIZATION
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.
logCoverageInformation(boolean, boolean, boolean, boolean, boolean) - Static method in class org.nd4j.autodiff.validation.OpValidation
Log the coverage information
logEntropy(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
logEntropy(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Log entropy reduction: log(-sum(x * log(x)))
logEntropy(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Log entropy reduction: log(-sum(x * log(x)))
logEntropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns log entropy along dimension
logEntropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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.reduce.floating
Log Entropy Op - returns the log entropy (information gain, or uncertainty of a random variable).
LogEntropy(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
LogEntropy() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
LogEntropy(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
LogEntropy(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
logEntropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns log entropy value for this INDArray
logEntropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
Returns log entropy value for this INDArray
logEntropyNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns log entropy value for this INDArray
LogFileWriter - Class in org.nd4j.graph.ui
Log file writer - for writing append-only log file for UI etc.
LogFileWriter(File) - Constructor for class org.nd4j.graph.ui.LogFileWriter
 
LogFileWriter.StaticInfo - Class in org.nd4j.graph.ui
 
LoggingRequest - Class in org.tensorflow.distruntime
Out-of-band request to begin or end logging, or to retrieve logs for particular steps.
LoggingRequest.Builder - Class in org.tensorflow.distruntime
Out-of-band request to begin or end logging, or to retrieve logs for particular steps.
LoggingRequestOrBuilder - Interface in org.tensorflow.distruntime
 
LoggingResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.LoggingResponse
LoggingResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.LoggingResponse
LoggingResponseOrBuilder - Interface in org.tensorflow.distruntime
 
LOGIC - Static variable in class org.nd4j.graph.OpType
 
LogicalAnd - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
LogicalAnd() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalAnd
 
LogicalAnd(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalAnd
 
LogicalNot - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
LogicalNot() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalNot
 
LogicalNot(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalNot
 
LogicalOr - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
LogicalOr() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalOr
 
LogicalOr(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalOr
 
LogicalXor - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
LogicalXor() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalXor
 
LogicalXor(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalXor
 
logLoss(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
logLoss(String, SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Log loss, i.e., binary cross entropy loss, usually used for binary multi-label classification.
logLoss(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
LogLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Binary log loss, or cross entropy loss: -1/numExamples * sum_i (labels[i] * log(predictions[i] + epsilon) + (1-labels[i]) * log(1-predictions[i] + epsilon))
LogLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.LogLoss
 
LogLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.LogLoss
 
LogLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Binary log loss, or cross entropy loss: -1/numExamples * sum_i (labels[i] * log(predictions[i] + epsilon) + (1-labels[i]) * log(1-predictions[i] + epsilon))
LogLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.LogLossBp
 
LogLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.LogLossBp
 
LogMatrixDeterminant - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Log Matrix Determinant op Given input with shape [..., N, N] output the log determinant for each sub-matrix.
LogMatrixDeterminant() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogMatrixDeterminant
 
LogMatrixDeterminant(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogMatrixDeterminant
 
LogMemoryProtos - Class in org.tensorflow.framework
 
logNormal(double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
logNormal(String, double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Log Normal distribution, i.e., log(x) ~ N(mean, stdev)
LogNormalDistribution - Class in org.nd4j.linalg.api.ops.random.impl
This Op generates log-normal distribution over provided mean and stddev
LogNormalDistribution() - Constructor for class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
LogNormalDistribution(SameDiff, double, double, long...) - Constructor for class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
LogNormalDistribution(INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
This op fills Z with random values within stddev..mean..stddev boundaries
LogNormalDistribution(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
LogNormalDistribution(INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
This op fills Z with random values within -1.0..0..1.0
LogNormalDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
This op fills Z with random values within stddev..0..stddev
LogNormalDistribution - Class in org.nd4j.linalg.api.rng.distribution.impl
Log-Normal Distribution
LogNormalDistribution(Random, double, INDArray) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
 
LogNormalDistribution(double, INDArray) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
 
LogNormalDistribution() - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Create a normal distribution with mean equal to zero and standard deviation equal to one.
LogNormalDistribution(double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Create a normal distribution using the given mean and standard deviation.
LogNormalDistribution(Random, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
 
LogNormalDistribution(double, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Create a normal distribution using the given mean, standard deviation and inverse cumulative distribution accuracy.
LogNormalDistribution(Random, double, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Creates a normal distribution.
LogNormalDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
 
logPoisson(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
logPoisson(String, SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Log poisson loss: a loss function used for training classifiers.
logPoisson(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
logPoissonFull(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
logPoissonFull(String, SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Log poisson loss: a loss function used for training classifiers.
logPoissonFull(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
LogPoissonLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Log Poisson loss Note: This expects that the input/predictions are log(x) not x!
LogPoissonLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.LogPoissonLoss
 
LogPoissonLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.LogPoissonLoss
 
LogPoissonLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.LogPoissonLoss
 
LogPoissonLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Log Poisson loss backprop
LogPoissonLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.LogPoissonLossBp
 
LogPoissonLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.LogPoissonLossBp
 
LogPoissonLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.LogPoissonLossBp
 
logSigmoid(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
logSigmoid(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise sigmoid function: out[i] = log(sigmoid(in[i]))
logSigmoid(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise sigmoid function: out[i] = log(sigmoid(in[i]))
LogSigmoid - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
LogSigmoid function
LogSigmoid(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
LogSigmoid() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
LogSigmoid(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
LogSigmoid(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
logSoftmax(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
logSoftmax(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Log softmax activation
logSoftmax(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Log softmax activation
LogSoftMax - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Log(softmax(X))
LogSoftMax(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
LogSoftMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
LogSoftMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
LogSoftMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
logSoftmaxDerivative(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
LogSoftMaxDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
 
LogSoftMaxDerivative(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
 
LogSoftMaxDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
 
LogSoftMaxDerivative(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
 
logSumExp(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
logSumExp(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Log-sum-exp reduction (optionally along dimension).
logSumExp(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Log-sum-exp reduction (optionally along dimension).
LogSumExp - Class in org.nd4j.linalg.api.ops.impl.reduce.custom
LogSumExp - this op returns https://en.wikipedia.org/wiki/LogSumExp
LogSumExp(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
LogSumExp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
LogSumExp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
LogSumExp(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
LogSumExp(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
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.scalar
Log on arbitrary base op
LogX(SameDiff, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
LogX() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
LogX(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
LogX(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
LongPair - Class in org.nd4j.graph
 
LongPair() - Constructor for class org.nd4j.graph.LongPair
 
LongShapeDescriptor - Class in org.nd4j.linalg.api.shape
 
LongShapeDescriptor(long[], long[], long, long, char, long) - Constructor for class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
LongTriple - Class in org.nd4j.graph
 
LongTriple() - Constructor for class org.nd4j.graph.LongTriple
 
LongUtils - Class in org.nd4j.linalg.util
 
LongUtils() - Constructor for class org.nd4j.linalg.util.LongUtils
 
lookup(String, Collection<AbstractSession.VarId>, boolean) - Static method in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
lookup(int) - Method in class org.nd4j.linalg.api.iter.LinearIndexLookup
Give back a sub wrt the given linear index
LOOP - Static variable in class org.nd4j.graph.OpClass
 
LOOP_ENTER_NAMES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
LOOP_EXIT_NAMES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
LOOP_OPTIMIZATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
loopBodyExecution - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
loopBodyExecution - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
LoopCond - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
 
LoopCond() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
loss - Variable in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for loss function operations
loss() - Method in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for loss function operations
lossAbsoluteDifference(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossAbsoluteDifferenceBP(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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.
LossBinaryXENT(double) - 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.
LossBinaryXENT(double, 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.
lossCosineDistance(SDVariable, SDVariable, SDVariable, LossReduce, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossCosineDistanceBp(SDVariable, SDVariable, SDVariable, LossReduce, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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
 
lossHingeBp(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossHuber(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossHuberBp(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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 flags scalar value.
lossL2(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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 flags scalar value.
lossLog(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossLogBp(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossLogPoisson(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossLogPoissonBp(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossLogPoissonFull(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossLogPoissonFullBp(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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 flags 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 flags 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 flags 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.
lossMeanPairwiseSquaredError(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossMeanPairwiseSquaredErrorBp(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossMeanSquaredError(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossMeanSquaredErrorBp(SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
LossMixtureDensity - Class in org.nd4j.linalg.lossfunctions.impl
This is a cost function associated with a mixture-density network.
LossMixtureDensity() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
 
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 flags 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 flags scalar value.
LossMultiLabel - Class in org.nd4j.linalg.lossfunctions.impl
Multi-Label-Loss Function, maybe more commonly known as BPMLL
LossMultiLabel() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMultiLabel
 
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
 
LossReduce - Enum in org.nd4j.autodiff.loss
The LossReduce enum specifies how (or if) the values of a loss function should be reduced to a single value.
lossReduce - Variable in class org.nd4j.linalg.api.ops.impl.loss.BaseLoss
 
lossReduce - Variable in class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
lossSigmoidCrossEntropy(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossSigmoidCrossEntropyBp(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossSoftmaxCrossEntropy(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossSoftmaxCrossEntropyBp(SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossSoftmaxCrossEntropyWithLogits(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossSoftmaxCrossEntropyWithLogitsBp(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossSparseSoftmaxCrossEntropy(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lossSparseSoftmaxCrossEntropyBp(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
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
 
lossVariables(int) - Method in class org.nd4j.graph.FlatGraph
 
lossVariablesLength() - Method in class org.nd4j.graph.FlatGraph
 
LossWasserstein - Class in org.nd4j.linalg.lossfunctions.impl
Wasserstein loss function, which calculates the Wasserstein distance, also known as earthmover's distance.
LossWasserstein() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossWasserstein
 
lstmBlockCell(String, LSTMBlockCellConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
 
LSTMBlockCell - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent
LSTM Block cell - represents forward pass for a single time step of an LSTM RNN.
Same operation used internally in op/layer LSTMLayer.
Implementation of operation for LSTM layer with optional peep hole connections.
S.
LSTMBlockCell() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
LSTMBlockCell(SameDiff, LSTMBlockCellConfiguration) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
LSTMBlockCellConfiguration - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent.config
 
LSTMBlockCellConfiguration() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMBlockCellConfiguration
 
lstmCell(String, LSTMCellConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
LSTM unit
LSTMCell - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent
LSTM cell
LSTMCell() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
LSTMCell(SameDiff, LSTMCellConfiguration) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
LSTMCellConfiguration - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent.config
 
LSTMCellConfiguration() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMCellConfiguration
 
LSTMConfiguration - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent.config
LSTM Configuration - for LSTMLayer
LSTMConfiguration() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMConfiguration
 
lstmLayer(String, LSTMConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
 
LSTMLayer - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent
LSTM layer implemented as a single operation.
LSTMLayer() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
LSTMLayer(SameDiff, LSTMConfiguration) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
lt(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lt(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lt(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than operation: elementwise x < y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
lt(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than operation: elementwise x < y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
lt(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than operation: elementwise x < y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
lt(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than operation: elementwise x < y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
lt(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
lt(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Less than operation: elementwise this < value
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
lt(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
lt(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Less than operation: elementwise this < y
If x and y arrays have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if x and y have different shapes and are broadcastable, the output shape is broadcast.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
lt(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
lt(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast less than op.
lte(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lte(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lte(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than or equals operation: elementwise x <= y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
lte(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than or equals operation: elementwise x <= y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
lte(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than or equal to operation: elementwise x <= y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
lte(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Less than or equal to operation: elementwise x <= y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
lte(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
lte(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Less than or equals operation: elementwise this <= value
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
lte(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
lte(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Less than or equal to operation: elementwise this <= y
If x and y arrays have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if x and y have different shapes and are broadcastable, the output shape is broadcast.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
lte(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
lte(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
lte(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the binary ndarray for "Less or equals" comparison.
lte(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast less than or equal to op.
ltei(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lti(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
lti(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
ltOrEqi(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 

M

M - Variable in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
MAGIC_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
MakeCallableRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.MakeCallableRequest
MakeCallableRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.MakeCallableRequest
MakeCallableRequestOrBuilder - Interface in org.tensorflow.distruntime
 
MakeCallableResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.MakeCallableResponse
MakeCallableResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.MakeCallableResponse
MakeCallableResponseOrBuilder - Interface in org.tensorflow.distruntime
 
manhattanDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
manhattanDistance(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
manhattanDistance(String, SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Manhattan distance (l1 norm, l1 distance) reduction operation.
ManhattanDistance - Class in org.nd4j.linalg.api.ops.impl.reduce3
Manhattan distance
ManhattanDistance(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
ManhattanDistance(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
ManhattanDistance() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
ManhattanDistance(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
manhattanDistance(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
MANUAL_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.MemOptType
Driven by manual op-level annotations.
MAP_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.BooleanAdapter
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.ConditionalFieldValueIntIndexArrayAdapter
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.ConditionalFieldValueNDArrayShapeAdapter
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.DataTypeAdapter
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.IntArrayIntIndexAdpater
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.NDArrayShapeAdapter
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.SizeThresholdIntArrayIntIndexAdpater
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.StringEqualsAdapter
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in class org.nd4j.imports.descriptors.properties.adapters.StringNotEqualsAdapter
 
mapAttributeFor(Object, Field, DifferentialFunction) - Method in interface org.nd4j.imports.descriptors.properties.AttributeAdapter
Map the attribute using the specified field on the specified function on adapting the given input type to the type of the field for the specified function.
mapFlatPropertiesToFunctionProperties(Iterable<FlatProperties>) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
 
mapFunctionPropertiesToFlatProperties(FlatBufferBuilder, Map<String, Object>) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
 
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
mapNodeType(NODE_TYPE, ImportState<GRAPH_TYPE, TENSOR_TYPE>, OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>, OpImportFilter<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Map a node in to the import state covering the SameDiff instance
mapNodeType(OnnxProto3.NodeProto, ImportState<OnnxProto3.GraphProto, OnnxProto3.TypeProto.Tensor>, OpImportOverride<OnnxProto3.GraphProto, OnnxProto3.NodeProto, OnnxProto3.AttributeProto>, OpImportFilter<OnnxProto3.GraphProto, OnnxProto3.NodeProto, OnnxProto3.AttributeProto>) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
mapNodeType(NodeDef, ImportState<GraphDef, NodeDef>, OpImportOverride<GraphDef, NodeDef, AttrValue>, OpImportFilter<GraphDef, NodeDef, AttrValue>) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
mappingsForFunction() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Returns the mappings for a given function ( for tensorflow and onnx import mapping properties of this function).
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Split
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.SplitV
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
mappingsForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
mapProperties(DifferentialFunction, NODE_TYPE, GRAPH_TYPE, SameDiff, Map<String, Map<String, PropertyMapping>>) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
mapProperties(DifferentialFunction, NODE_TYPE, GRAPH_TYPE, SameDiff, Map<String, Map<String, PropertyMapping>>) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
mapProperty(String, DifferentialFunction, NODE_TYPE, GRAPH_TYPE, SameDiff, Map<String, Map<String, PropertyMapping>>) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
mapProperty(String, DifferentialFunction, OnnxProto3.NodeProto, OnnxProto3.GraphProto, SameDiff, Map<String, Map<String, PropertyMapping>>) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
mapProperty(String, DifferentialFunction, NodeDef, GraphDef, SameDiff, Map<String, Map<String, PropertyMapping>>) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
MapSchedule - Class in org.nd4j.linalg.schedule
MapSchedule is a schedule based on specific values in a Map<Integer,Double>.
For example, if the map contains the following: (0,1.0), (10,0.5), (20, 0.2) then iteration/epoch 0 to 9 inclusive will have value 1.0, 10 to 19 will have 0.5, and 20+ will have value 0.2.
Note that the map MUST have a key for position 0 - this is the initial value.
MapSchedule(ScheduleType, Map<Integer, Double>) - Constructor for class org.nd4j.linalg.schedule.MapSchedule
 
MapSchedule.Builder - Class in org.nd4j.linalg.schedule
DynamicCustomOpsBuilder for conveniently constructing map schedules
mapTensorProto(OnnxProto3.TensorProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
mapTensorProto(TensorProto) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
markActive(String, boolean) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method allows to set specified node active or inactive.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
markAsLoss() - Method in class org.nd4j.autodiff.samediff.SDVariable
Mark this variable as a loss function variable.
markAsPreProcessed() - Method in class org.nd4j.linalg.dataset.DataSet
 
markExecuted(String, boolean) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method allows to toggle wasExecuted() state for specified node
markInplace(boolean) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method allows to set op as inplace
markLabelsUnused() - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Calling this method will mark the label as unused.
MasterServiceProtos - Class in org.tensorflow.distruntime
 
match(INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
match(Number, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
match(INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
match(Number, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
match(INDArray, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return a mask on whether each element matches the given condition
match(Number, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns a mask
matchCondition(SDVariable, Condition) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Returns a boolean mask of equal shape to the input, where the condition is satisfied
matchCondition(SDVariable, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns a boolean mask of equal shape to the input, where the condition is satisfied - value 1 where satisfied, 0 otherwise
matchCondition(String, SDVariable, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns a boolean mask of equal shape to the input, where the condition is satisfied - value 1 where satisfied, 0 otherwise
MatchCondition - Class in org.nd4j.linalg.api.ops.impl.reduce.longer
This operation returns number of elements matching specified condition
MatchCondition(SameDiff, SDVariable, Condition, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
MatchCondition() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
MatchCondition(INDArray, Condition, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
MatchCondition(INDArray, double, Condition, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
matchConditionCount(SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Returns a count of the number of elements that satisfy the condition
matchConditionCount(SDVariable, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns a count of the number of elements that satisfy the condition
matchConditionCount(String, SDVariable, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns a count of the number of elements that satisfy the condition
matchConditionCount(String, SDVariable, Condition, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns a count of the number of elements that satisfy the condition (for each slice along the specified dimensions)
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
MatchConditionTransform - Class in org.nd4j.linalg.api.ops.impl.transforms.bool
Match condition transform
MatchConditionTransform(SameDiff, SDVariable, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
MatchConditionTransform() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
MatchConditionTransform(INDArray, INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
MatchConditionTransform(INDArray, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
MatchConditionTransform(INDArray, INDArray, double, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
MatchConditionTransform(INDArray, double, Condition) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
matches(SameDiff, DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.transform.OpPredicate
 
matches(SameDiff, DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
Determine if the subgraph, starting with the root function, matches the predicate
math - Variable in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for math operations
math() - Method in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for math operations
matmul(INDArray, INDArray, INDArray, boolean, boolean, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Matrix multiplication/dot product Depending on inputs dimensionality output result might be different.
matmul(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Matrix multiplication/dot product
matmul(INDArray, INDArray, boolean, boolean, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Matrix multiplication/dot product
matmul(INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Matrix multiplication/dot product
matricesPerSlice(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayMath
The number of vectors in each slice of an ndarray.
MatrixBaseNDArrayList<X extends BaseNDArrayList> - Class in org.nd4j.list.matrix
An ArrayList like implementation of List using INDArray as the backing data structure.
MatrixBaseNDArrayList() - Constructor for class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
matrixDeterminant(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
matrixDeterminant(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
matrixDeterminant(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Matrix determinant op.
MatrixDeterminant - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Matrix Determinant op Given input with shape [..., N, N] output the determinant for each sub-matrix.
MatrixDeterminant() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDeterminant
 
MatrixDeterminant(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDeterminant
 
MatrixDiag - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
MatrixDiag() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiag
 
MatrixDiag(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiag
 
MatrixDiagPart - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
MatrixDiagPart() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiagPart
 
MatrixDiagPart(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiagPart
 
matrixInverse(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
matrixInverse(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
matrixInverse(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Matrix inverse op.
MatrixInverse - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Matrix Inverse Function
MatrixInverse() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixInverse
 
MatrixInverse(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixInverse
 
MatrixNDArrayList - Class in org.nd4j.list.matrix
A MatrixBaseNDArrayList for double data type
MatrixNDArrayList() - Constructor for class org.nd4j.list.matrix.MatrixNDArrayList
 
MatrixSetDiag - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
MatrixSetDiag(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixSetDiag
 
MatrixSetDiag() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixSetDiag
 
matthewsCorrelation(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the binary Mathews correlation coefficient, for the specified class.
MCC = (TP*TN - FP*FN) / sqrt((TP+FP)(TP+FN)(TN+FP)(TN+FN))
matthewsCorrelation(EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the average binary Mathews correlation coefficient, using macro or micro averaging.
MCC = (TP*TN - FP*FN) / sqrt((TP+FP)(TP+FN)(TN+FP)(TN+FN))
Note: This is NOT the same as the multi-class Matthews correlation coefficient
matthewsCorrelation(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Calculate the Matthews correlation coefficient for the specified output
matthewsCorrelation(long, long, long, long) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the binary Matthews correlation coefficient from counts
max(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
max(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
max(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Max array reduction operation, optionally along specified dimensions
max(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Max array reduction operation, optionally along specified dimensions
max(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Max array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
max(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise maximum operation: out[i] = max(first[i], second[i])
Supports broadcasting
max(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise maximum operation: out[i] = max(first[i], second[i])
Supports broadcasting
max(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
max(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
max(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
max(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Maximum array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
max() - Method in class org.nd4j.graph.UISummaryStatistics
 
max(FlatArray) - Method in class org.nd4j.graph.UISummaryStatistics
 
max(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the overall max of this ndarray
max(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.same
Calculate the max over an array
Max(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
Max(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
Max() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
Max(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Max
Initialize with the given input, pairwise transform, result, and number of elements
Max(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
Max(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
Max - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Max function
Max() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
Max(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
Max(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
Max(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
Max - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Calculate the absolute minimum over a vector
Max(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
Max() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
Max(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
max(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast max op.
max(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
max(INDArray, 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_BYTE_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
MAX_FIELD_NUMBER - Static variable in class org.tensorflow.framework.HistogramProto
 
MAX_FOLDED_CONSTANT_IN_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OptimizerOptions
 
MAX_TO_KEEP_FIELD_NUMBER - Static variable in class org.tensorflow.util.SaverDef
 
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
 
maxBp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
MaxBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Max reduction operation
MaxBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MaxBp
 
MaxBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MaxBp
 
MaxBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MaxBp
 
maxCycle - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
MAXIMUM_ITERATIONS_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
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.ndarray.BaseNDArray
 
maxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(SameDiff, SDVariable, boolean, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
MaxOut(SameDiff, SDVariable, Object[], Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
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) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
maxPooling2d(SDVariable, Pooling2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Max pooling 2d operation.
maxPooling2d(SDVariable, Pooling2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - max pooling 2d
maxPooling2d(String, SDVariable, Pooling2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - max pooling 2d
MaxPooling2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Max Pooling2D operation
MaxPooling2D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
MaxPooling2D(SameDiff, SDVariable, INDArray, INDArray, Pooling2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
maxPooling3d(SDVariable, Pooling3DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Max pooling 3d operation.
maxPooling3d(SDVariable, Pooling3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
3D convolution layer operation - max pooling 3d operation.
maxPooling3d(String, SDVariable, Pooling3DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
3D convolution layer operation - max pooling 3d operation.
MaxPooling3D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Max Pooling3D operation
MaxPooling3D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
MaxPooling3D(SameDiff, SDVariable, INDArray, INDArray, Pooling3DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
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
 
maxWarningClassesToPrint - Variable in class org.nd4j.evaluation.classification.Evaluation
For stats(): When classes are excluded from precision/recall, what is the maximum number we should print? If this is set to a high value, the output (potentially thousands of classes) can become unreadable.
MAYBE_TYPE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ResourceHandleProto
 
mean(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mean(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Full array mean reduction operation
mean(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Mean (average) array reduction operation, optionally along specified dimensions
mean(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Mean (average) array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
mean(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Mean (average) array reduction operation, optionally along specified dimensions
mean(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
mean(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
mean(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
mean(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Mean (average) array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
mean() - Method in class org.nd4j.graph.UISummaryStatistics
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mean(INDArray, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.floating
Calculate the mean of the vector
Mean(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
Mean() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
Mean(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
Mean(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
Mean(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
mean - Variable in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
mean(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
mean(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
meanAbsoluteError(int) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
meanBp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
MeanBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Mean reduction operation
MeanBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MeanBp
 
MeanBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MeanBp
 
MeanBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MeanBp
 
meanNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
meanNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
meanNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall mean of this ndarray
meanPairwiseSquaredError(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
meanPairwiseSquaredError(String, SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Mean pairwise squared error.
MPWSE loss calculates the difference between pairs of consecutive elements in the predictions and labels arrays.
MeanPairwiseSquaredErrorLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Mean Pairwise Squared Error Loss
MeanPairwiseSquaredErrorLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.MeanPairwiseSquaredErrorLoss
 
MeanPairwiseSquaredErrorLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.MeanPairwiseSquaredErrorLoss
 
MeanPairwiseSquaredErrorLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Mean Pairwise Squared Error Loss Backprop
MeanPairwiseSquaredErrorLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.MeanPairwiseSquaredErrorLossBp
 
MeanPairwiseSquaredErrorLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.MeanPairwiseSquaredErrorLossBp
 
meanSquaredError(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
meanSquaredError(String, SDVariable, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Mean squared error loss function.
meanSquaredError(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
meanSquaredError(int) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
MeanSquaredErrorLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Mean squared error loss
MeanSquaredErrorLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.MeanSquaredErrorLoss
 
MeanSquaredErrorLoss() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.MeanSquaredErrorLoss
 
MeanSquaredErrorLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Mean squared error loss
MeanSquaredErrorLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.MeanSquaredErrorLossBp
 
MeanSquaredErrorLossBp() - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.MeanSquaredErrorLossBp
 
median(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
median(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
MemcpyDirection - Enum in org.nd4j.linalg.memory
 
MEMORY_BANDWIDTH_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
MEMORY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
MEMORY_LIMIT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceAttributes
 
MEMORY_LIMIT_MB_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
MEMORY_MANAGER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
MEMORY_OPTIMIZATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
MEMORY_OPTIMIZER_TARGET_NODE_NAME_SCOPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
MEMORY_SIZE_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
MEMORY_STATS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
MEMORY_TIME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
MemoryLogRawAllocation - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogRawAllocation
MemoryLogRawAllocation.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogRawAllocation
MemoryLogRawAllocationOrBuilder - Interface in org.tensorflow.framework
 
MemoryLogRawDeallocation - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogRawDeallocation
MemoryLogRawDeallocation.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogRawDeallocation
MemoryLogRawDeallocationOrBuilder - Interface in org.tensorflow.framework
 
MemoryLogStep - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogStep
MemoryLogStep.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogStep
MemoryLogStepOrBuilder - Interface in org.tensorflow.framework
 
MemoryLogTensorAllocation - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogTensorAllocation
MemoryLogTensorAllocation.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogTensorAllocation
MemoryLogTensorAllocationOrBuilder - Interface in org.tensorflow.framework
 
MemoryLogTensorDeallocation - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogTensorDeallocation
MemoryLogTensorDeallocation.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogTensorDeallocation
MemoryLogTensorDeallocationOrBuilder - Interface in org.tensorflow.framework
 
MemoryLogTensorOutput - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogTensorOutput
MemoryLogTensorOutput.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.MemoryLogTensorOutput
MemoryLogTensorOutputOrBuilder - Interface in org.tensorflow.framework
 
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
 
MemoryStats - Class in org.tensorflow.framework
For memory tracking.
MemoryStats.Builder - Class in org.tensorflow.framework
For memory tracking.
MemoryStatsOrBuilder - Interface in org.tensorflow.framework
 
memset(INDArray) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method fills given INDArray with zeroes.
merge(SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
merge(Evaluation) - Method in class org.nd4j.evaluation.classification.Evaluation
Merge the other evaluation object into this one.
merge(EvaluationBinary) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Merge the other evaluation object into this one.
merge(EvaluationCalibration) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
merge(ROC) - Method in class org.nd4j.evaluation.classification.ROC
Merge this ROC instance with another.
merge(ROCBinary) - Method in class org.nd4j.evaluation.classification.ROCBinary
 
merge(ROCMultiClass) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Merge this ROCMultiClass instance with another.
merge(T) - Method in interface org.nd4j.evaluation.IEvaluation
 
merge(RegressionEvaluation) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
merge(TFImportStatus) - Method in class org.nd4j.imports.tensorflow.TFImportStatus
 
Merge - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
 
Merge(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
Merge() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
merge(List<? extends 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.
mergeAdd(SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mergeAdd(SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Merge add function: merges an arbitrary number of equal shaped arrays using elementwise addition: out = sum_i in[i]
mergeAdd(String, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Merge add function: merges an arbitrary number of equal shaped arrays using element-wise addition: out = sum_i in[i]
MergeAddOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Addition operation for n operands, called "mergeadd" in libnd4j
MergeAddOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
MergeAddOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
MergeAddOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
mergeAllocationDescription(AllocationDescription) - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
mergeAllowedValues(AttrValue) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
mergeAllowedValues(AttrValue) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
mergeAnyInfo(Any) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
mergeAnyList(CollectionDef.AnyList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
mergeAudio(Summary.Audio) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
mergeAutoParallel(AutoParallelOptions) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
mergeAvg(SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mergeAvg(SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Merge average function: merges an arbitrary number of equal shaped arrays using element-wise mean operation: out = mean_i in[i]
mergeAvg(String, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Merge average function: merges an arbitrary number of equal shaped arrays using element-wise mean operation: out = mean_i in[i]
MergeAvg - Class in org.nd4j.linalg.api.ops.impl.shape
 
MergeAvg(SameDiff, SDVariable...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
MergeAvg() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
mergeBytesList(CollectionDef.BytesList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
mergeClientLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
mergeClientLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
mergeCluster(ClusterDef) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
mergeClusterDef(ClusterDef) - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
mergeCondCtxt(CondContextDef) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
mergeConfig(ConfigProto) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
mergeCooSparse(TensorInfo.CooSparse) - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
mergeCostGraph(CostGraphDef) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
mergeCostGraph(CostGraphDef) - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
mergeDebugOptions(DebugOptions) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
mergeDebugOptions(DebugOptions) - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
mergeDefaultSessionConfig(ConfigProto) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
mergeDefaultValue(AttrValue) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
mergeDefaultValue(AttrValue) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
mergeDeprecation(OpDeprecation) - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
mergeElemType(OnnxMlProto3.TypeProto) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
mergeExecOpts(ExecutorOpts) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
mergeExperimental(ConfigProto.Experimental) - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
mergeExperimental(GPUOptions.Experimental) - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
mergeExperimental(RunOptions.Experimental) - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
mergeFeatures(INDArray[][], INDArray[][]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
Merge all of the features arrays into one minibatch.
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)
mergeFloatList(CollectionDef.FloatList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
mergeFrom(OnnxMlProto3.AttributeProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
mergeFrom(OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
mergeFrom(OnnxMlProto3.ModelProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
mergeFrom(OnnxMlProto3.NodeProto) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
mergeFrom(OnnxMlProto3.OperatorSetIdProto) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
mergeFrom(OnnxMlProto3.StringStringEntryProto) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
mergeFrom(OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
mergeFrom(OnnxMlProto3.TensorProto.Segment) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
mergeFrom(OnnxMlProto3.TensorShapeProto) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
mergeFrom(OnnxMlProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
mergeFrom(OnnxMlProto3.TypeProto) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
mergeFrom(OnnxMlProto3.TypeProto.Map) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
mergeFrom(OnnxMlProto3.TypeProto.Sequence) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
mergeFrom(OnnxMlProto3.TypeProto.Tensor) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
mergeFrom(OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
mergeFrom(OnnxOperatorsProto3.OperatorProto) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
mergeFrom(OnnxOperatorsProto3.OperatorSetProto) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
mergeFrom(OnnxProto3.AttributeProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
mergeFrom(OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
mergeFrom(OnnxProto3.ModelProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
mergeFrom(OnnxProto3.NodeProto) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
mergeFrom(OnnxProto3.OperatorSetIdProto) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
mergeFrom(OnnxProto3.StringStringEntryProto) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
mergeFrom(OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
mergeFrom(OnnxProto3.TensorProto.Segment) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
mergeFrom(OnnxProto3.TensorShapeProto) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
mergeFrom(OnnxProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
mergeFrom(OnnxProto3.TypeProto) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
mergeFrom(OnnxProto3.TypeProto.Tensor) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
mergeFrom(Message) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
mergeFrom(OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
mergeFrom(CleanupAllRequest) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
mergeFrom(CleanupAllResponse) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
mergeFrom(CleanupGraphRequest) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
mergeFrom(CleanupGraphResponse) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
mergeFrom(CloseSessionRequest) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
mergeFrom(CloseSessionResponse) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
mergeFrom(ClusterDef) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
mergeFrom(CompleteGroupRequest) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
mergeFrom(CompleteGroupResponse) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
mergeFrom(CompleteInstanceRequest) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
mergeFrom(CompleteInstanceResponse) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
mergeFrom(CreateSessionRequest) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
mergeFrom(CreateSessionResponse) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
mergeFrom(CreateWorkerSessionRequest) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
mergeFrom(CreateWorkerSessionResponse) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
mergeFrom(DeleteWorkerSessionRequest) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
mergeFrom(DeleteWorkerSessionResponse) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
mergeFrom(DeregisterGraphRequest) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
mergeFrom(DeregisterGraphResponse) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
mergeFrom(ExecutorOpts) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
mergeFrom(ExtendSessionRequest) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
mergeFrom(ExtendSessionResponse) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
mergeFrom(GetStatusRequest) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
mergeFrom(GetStatusResponse) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
mergeFrom(GetStepSequenceRequest) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
mergeFrom(GetStepSequenceResponse) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
mergeFrom(JobDef) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
mergeFrom(LabeledStepStats) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
mergeFrom(ListDevicesRequest) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
mergeFrom(ListDevicesResponse) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
mergeFrom(LoggingRequest) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
mergeFrom(LoggingResponse) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
mergeFrom(MakeCallableRequest) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
mergeFrom(MakeCallableResponse) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
mergeFrom(PartialRunSetupRequest) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
mergeFrom(PartialRunSetupResponse) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
mergeFrom(RecvBufRequest) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
mergeFrom(RecvBufResponse) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
mergeFrom(RecvTensorRequest) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
mergeFrom(RecvTensorResponse) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
mergeFrom(RegisterGraphRequest) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
mergeFrom(RegisterGraphResponse) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
mergeFrom(ReleaseCallableRequest) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
mergeFrom(ReleaseCallableResponse) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
mergeFrom(ResetRequest) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
mergeFrom(ResetResponse) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
mergeFrom(RunCallableRequest) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
mergeFrom(RunCallableResponse) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
mergeFrom(RunGraphRequest) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
mergeFrom(RunGraphResponse) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
mergeFrom(RunStepRequest) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
mergeFrom(RunStepResponse) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
mergeFrom(ServerDef) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
mergeFrom(StepSequence) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
mergeFrom(TraceOpts) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
mergeFrom(TracingRequest) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
mergeFrom(TracingResponse) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
mergeFrom(AllocationDescription) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
mergeFrom(AllocationRecord) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
mergeFrom(AllocatorMemoryUsed) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
mergeFrom(ApiDef.Arg) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
mergeFrom(ApiDef.Attr) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ApiDef.Builder
 
mergeFrom(ApiDef) - Method in class org.tensorflow.framework.ApiDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ApiDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
mergeFrom(ApiDef.Endpoint) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
mergeFrom(ApiDefs) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
mergeFrom(AssetFileDef) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.AttrValue.Builder
 
mergeFrom(AttrValue) - Method in class org.tensorflow.framework.AttrValue.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.AttrValue.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
mergeFrom(AttrValue.ListValue) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
mergeFrom(AutoParallelOptions) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
mergeFrom(CallableOptions) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
mergeFrom(CollectionDef.AnyList) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
mergeFrom(CollectionDef) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
mergeFrom(CollectionDef.BytesList) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
mergeFrom(CollectionDef.FloatList) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
mergeFrom(CollectionDef.Int64List) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
mergeFrom(CollectionDef.NodeList) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
mergeFrom(CondContextDef) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
mergeFrom(ConfigProto) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
mergeFrom(ConfigProto.Experimental) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
mergeFrom(ControlFlowContextDef) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
mergeFrom(CostGraphDef) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
mergeFrom(CostGraphDef.Node) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
mergeFrom(CostGraphDef.Node.InputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
mergeFrom(CostGraphDef.Node.OutputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
mergeFrom(CriticalSectionDef) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
mergeFrom(CriticalSectionExecutionDef) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
mergeFrom(DebuggedSourceFile) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
mergeFrom(DebuggedSourceFiles) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
mergeFrom(DebugOptions) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
mergeFrom(DebugTensorWatch) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
mergeFrom(DeviceAttributes) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
mergeFrom(DeviceLocality) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
mergeFrom(DeviceStepStats) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
mergeFrom(FunctionDef) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
mergeFrom(FunctionDefLibrary) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
mergeFrom(GPUOptions) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
mergeFrom(GPUOptions.Experimental) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
mergeFrom(GPUOptions.Experimental.VirtualDevices) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GradientDef.Builder
 
mergeFrom(GradientDef) - Method in class org.tensorflow.framework.GradientDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GradientDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphDef.Builder
 
mergeFrom(GraphDef) - Method in class org.tensorflow.framework.GraphDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
mergeFrom(GraphOptions) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
mergeFrom(GraphTransferConstNodeInfo) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
mergeFrom(GraphTransferGraphInputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
mergeFrom(GraphTransferGraphOutputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
mergeFrom(GraphTransferInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
mergeFrom(GraphTransferNodeInfo) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
mergeFrom(GraphTransferNodeInput) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
mergeFrom(GraphTransferNodeInputInfo) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
mergeFrom(GraphTransferNodeOutputInfo) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
mergeFrom(HistogramProto) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
mergeFrom(InterconnectLink) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
mergeFrom(KernelDef.AttrConstraint) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.KernelDef.Builder
 
mergeFrom(KernelDef) - Method in class org.tensorflow.framework.KernelDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.KernelDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
mergeFrom(LocalLinks) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
mergeFrom(MemoryLogRawAllocation) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
mergeFrom(MemoryLogRawDeallocation) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
mergeFrom(MemoryLogStep) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
mergeFrom(MemoryLogTensorAllocation) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
mergeFrom(MemoryLogTensorDeallocation) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
mergeFrom(MemoryLogTensorOutput) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
mergeFrom(MemoryStats) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
mergeFrom(MetaGraphDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
mergeFrom(MetaGraphDef.MetaInfoDef) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
mergeFrom(NameAttrList) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
mergeFrom(NamedTensorProto) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.NodeDef.Builder
 
mergeFrom(NodeDef) - Method in class org.tensorflow.framework.NodeDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.NodeDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
mergeFrom(NodeExecStats) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
mergeFrom(NodeOutput) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
mergeFrom(OpDef.ArgDef) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
mergeFrom(OpDef.AttrDef) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.OpDef.Builder
 
mergeFrom(OpDef) - Method in class org.tensorflow.framework.OpDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.OpDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
mergeFrom(OpDeprecation) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.OpList.Builder
 
mergeFrom(OpList) - Method in class org.tensorflow.framework.OpList.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.OpList.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
mergeFrom(OptimizerOptions) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
mergeFrom(QueueRunnerDef) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
mergeFrom(ReaderBaseState) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
mergeFrom(RemoteFusedGraphExecuteInfo) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
mergeFrom(RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
mergeFrom(ResourceHandleProto) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
mergeFrom(RewriterConfig) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
mergeFrom(RewriterConfig.CustomGraphOptimizer) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
mergeFrom(RPCOptions) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
mergeFrom(RunMetadata) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RunOptions.Builder
 
mergeFrom(RunOptions) - Method in class org.tensorflow.framework.RunOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RunOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
mergeFrom(RunOptions.Experimental) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.SavedModel.Builder
 
mergeFrom(SavedModel) - Method in class org.tensorflow.framework.SavedModel.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.SavedModel.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
mergeFrom(SaveSliceInfoDef) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
mergeFrom(ScopedAllocatorOptions) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
mergeFrom(SignatureDef) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.StepStats.Builder
 
mergeFrom(StepStats) - Method in class org.tensorflow.framework.StepStats.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.StepStats.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
mergeFrom(Summary.Audio) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.Summary.Builder
 
mergeFrom(Summary) - Method in class org.tensorflow.framework.Summary.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.Summary.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
mergeFrom(Summary.Image) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
mergeFrom(Summary.Value) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
mergeFrom(SummaryDescription) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
mergeFrom(SummaryMetadata) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
mergeFrom(SummaryMetadata.PluginData) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
mergeFrom(TensorConnection) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
mergeFrom(TensorDescription) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
mergeFrom(TensorInfo) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
mergeFrom(TensorInfo.CooSparse) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorProto.Builder
 
mergeFrom(TensorProto) - Method in class org.tensorflow.framework.TensorProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
mergeFrom(TensorShapeProto) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
mergeFrom(TensorShapeProto.Dim) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
mergeFrom(TensorSliceProto) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
mergeFrom(TensorSliceProto.Extent) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
mergeFrom(ThreadPoolOptionProto) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
mergeFrom(ValuesDef) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.VariableDef.Builder
 
mergeFrom(VariableDef) - Method in class org.tensorflow.framework.VariableDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.VariableDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
mergeFrom(VariantTensorDataProto) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.VersionDef.Builder
 
mergeFrom(VersionDef) - Method in class org.tensorflow.framework.VersionDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.VersionDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
mergeFrom(WhileContextDef) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
mergeFrom(BundleEntryProto) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
mergeFrom(BundleHeaderProto) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
mergeFrom(IteratorStateMetadata) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
mergeFrom(Message) - Method in class org.tensorflow.util.SaverDef.Builder
 
mergeFrom(SaverDef) - Method in class org.tensorflow.util.SaverDef.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class org.tensorflow.util.SaverDef.Builder
 
mergeFrom(Message) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
mergeFrom(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
mergeFrom(Message) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
mergeFrom(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
mergeFrom(Message) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
mergeFrom(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
mergeFrom(Message) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
mergeFrom(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
mergeFrom(Message) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
mergeFrom(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
mergeFrom(Message) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
mergeFrom(DevicePropertiesProtos.DeviceProperties) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
mergeFrom(Message) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
mergeFrom(DevicePropertiesProtos.NamedDevice) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
mergeFrom(EagerServiceOuterClass.CloseContextRequest) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
mergeFrom(EagerServiceOuterClass.CloseContextResponse) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
mergeFrom(EagerServiceOuterClass.CreateContextRequest) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
mergeFrom(EagerServiceOuterClass.CreateContextResponse) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
mergeFrom(EagerServiceOuterClass.EnqueueRequest) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
mergeFrom(EagerServiceOuterClass.EnqueueResponse) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
mergeFrom(EagerServiceOuterClass.KeepAliveRequest) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
mergeFrom(EagerServiceOuterClass.KeepAliveResponse) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
mergeFrom(EagerServiceOuterClass.Operation) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
mergeFrom(EagerServiceOuterClass.QueueItem) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
mergeFrom(EagerServiceOuterClass.RegisterFunctionRequest) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
mergeFrom(EagerServiceOuterClass.RegisterFunctionResponse) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
mergeFrom(EagerServiceOuterClass.RemoteTensorHandle) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
mergeFrom(EagerServiceOuterClass.WaitQueueDoneRequest) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
mergeFrom(Message) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
mergeFrom(EagerServiceOuterClass.WaitQueueDoneResponse) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
mergeFrom(Message) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
mergeFrom(TransportOptions.RecvBufRespExtra) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
mergeFrom(CodedInputStream, ExtensionRegistryLite) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
mergeFunc(NameAttrList) - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
mergeFunctionDef(FunctionDef) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
mergeG(OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
mergeG(OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
mergeGpuOptions(GPUOptions) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
mergeGraph(OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
mergeGraph(OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
mergeGraphDef(GraphDef) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
mergeGraphDef(GraphDef) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
mergeGraphDef(GraphDef) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
mergeGraphDef(GraphDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
mergeGraphOptions(GraphOptions) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
mergeGraphOptions(GraphOptions) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
mergeHandleToDecref(EagerServiceOuterClass.RemoteTensorHandle) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
mergeHisto(HistogramProto) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
mergeImage(Summary.Image) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
mergeInt64List(CollectionDef.Int64List) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
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)
mergeLibrary(FunctionDefLibrary) - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
mergeLinks(LocalLinks) - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
mergeList(AttrValue.ListValue) - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
mergeLocality(DeviceLocality) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
mergeMapType(OnnxMlProto3.TypeProto.Map) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
mergeMasks2d(long[], INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
mergeMasks4d(INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
mergeMax(SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mergeMax(SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Merge max function: merges an arbitrary number of equal shaped arrays using element-wise maximum operation: out = max_i in[i]
mergeMax(String, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Merge max function: merges an arbitrary number of equal shaped arrays using element-wise maximum operation: out = max_i in[i]
MergeMax - Class in org.nd4j.linalg.api.ops.impl.shape
 
MergeMax(SameDiff, SDVariable...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
MergeMax() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
mergeMemoryStats(MemoryStats) - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
mergeMetadata(RunMetadata) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
mergeMetadata(RunMetadata) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
mergeMetadata(SummaryMetadata) - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
mergeMetaInfoDef(MetaGraphDef.MetaInfoDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
mergeNodeList(CollectionDef.NodeList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
mergeOperation(EagerServiceOuterClass.Operation) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
mergeOptimizerOptions(OptimizerOptions) - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
mergeOptions(CallableOptions) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
mergeOptions(RunOptions) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
mergeOptions(TraceOpts) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
mergePerOutputMasks2d(long[], INDArray[][], INDArray[][], int) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
mergePerOutputMasks2d(long[], INDArray[], INDArray[]) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
mergePluginData(SummaryMetadata.PluginData) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
mergeProperties(DevicePropertiesProtos.DeviceProperties) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
mergeRemoteGraph(GraphDef) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
mergeRewriteOptions(RewriterConfig) - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
mergeRpcOptions(RPCOptions) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
mergeRunOptions(RunOptions) - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
mergeSaverDef(SaverDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
mergeSaveSliceInfoDef(SaveSliceInfoDef) - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
mergeScopedAllocatorOpts(ScopedAllocatorOptions) - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
mergeSegment(OnnxMlProto3.TensorProto.Segment) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
mergeSegment(OnnxProto3.TensorProto.Segment) - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
mergeSequenceType(OnnxMlProto3.TypeProto.Sequence) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
mergeServerDef(ServerDef) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
mergeServerDef(ServerDef) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
mergeServerLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
mergeServerLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
mergeShape(OnnxMlProto3.TensorShapeProto) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
mergeShape(OnnxProto3.TensorShapeProto) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
mergeShape(TensorShapeProto) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
mergeShape(TensorShapeProto) - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
mergeShape(TensorShapeProto) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
mergeShape(TensorShapeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
mergeShape(TensorShapeProto) - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
mergeShape(TensorShapeProto) - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
mergeSignature(OpDef) - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
mergeStepStats(StepStats) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
mergeStepStats(StepStats) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
mergeStepStats(StepStats) - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
mergeStrippedOpList(OpList) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
MergeSum - Class in org.nd4j.linalg.api.ops.impl.shape
 
MergeSum(SameDiff, SDVariable...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
MergeSum() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
mergeT(OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
mergeT(OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
mergeTensor(TensorProto) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
mergeTensor(TensorProto) - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
mergeTensor(TensorDescription) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
mergeTensor(TensorDescription) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
mergeTensor(TensorProto) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
mergeTensor(TensorProto) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
mergeTensorDescription(TensorDescription) - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
mergeTensorInfo(TensorInfo) - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
mergeTensorShape(TensorShapeProto) - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
mergeTensorShape(TensorShapeProto) - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
mergeTensorType(OnnxMlProto3.TypeProto.Tensor) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
mergeTensorType(OnnxProto3.TypeProto.Tensor) - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
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.
mergeTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
mergeTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
mergeTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
mergeTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
mergeType(OnnxMlProto3.TypeProto) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
mergeType(OnnxProto3.TypeProto) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AttrValue.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GradientDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.KernelDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NodeDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpList.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RunOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SavedModel.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.StepStats.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.VariableDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.VersionDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.SaverDef.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
mergeUnknownFields(UnknownFieldSet) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
mergeValuesDef(ValuesDef) - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
mergeValuesDef(ValuesDef) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
mergeValueType(OnnxMlProto3.TypeProto) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
mergeVersion(VersionDef) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
mergeVersionDef(VersionDef) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
mergeVersions(VersionDef) - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
mergeWhileCtxt(WhileContextDef) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
meshgrid(boolean, SDVariable...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
meshgrid(SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
meshgrid(List<String>, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Broadcast the 1D input variables onto an n-dimensional grid.
The resulting variable can be used for example for evaluating functions at all locations on a grid.
Example:
meshgrid(List<String>, boolean, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
MeshGrid - Class in org.nd4j.linalg.api.ops.impl.shape
 
MeshGrid(SameDiff, boolean, SDVariable...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MeshGrid
 
MeshGrid() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.MeshGrid
 
meshgrid(INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Meshgrid op.
META_GRAPH_VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
META_GRAPHS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SavedModel
 
META_INFO_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef
 
META_OPTIMIZER_ITERATIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
METADATA_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunCallableResponse
 
METADATA_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepResponse
 
METADATA_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
METADATA_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariantTensorDataProto
 
METADATA_PROPS_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
METADATA_PROPS_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
MetaGraphDef - Class in org.tensorflow.framework
NOTE: This protocol buffer is evolving, and will go through revisions in the coming months.
MetaGraphDef.Builder - Class in org.tensorflow.framework
NOTE: This protocol buffer is evolving, and will go through revisions in the coming months.
MetaGraphDef.MetaInfoDef - Class in org.tensorflow.framework
Meta information regarding the graph to be exported.
MetaGraphDef.MetaInfoDef.Builder - Class in org.tensorflow.framework
Meta information regarding the graph to be exported.
MetaGraphDef.MetaInfoDefOrBuilder - Interface in org.tensorflow.framework
 
MetaGraphDefOrBuilder - Interface in org.tensorflow.framework
 
MetaGraphProtos - Class in org.tensorflow.framework
 
MetaOp - Interface in org.nd4j.linalg.api.ops
MetaOp is special op, that contains multiple ops
METHOD_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SignatureDef
 
migrate() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method pulls this INDArray into current Workspace.
migrate(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
This method pulls this INDArray into current Workspace, or optionally detaches if no workspace is present.
That is:
If current workspace is present/active, INDArray is migrated to it.
If no current workspace is present/active, one of two things occur: 1.
migrate() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
migrate(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
migrate() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method pulls this INDArray into current Workspace.
migrate(boolean) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method pulls this INDArray into current Workspace, or optionally detaches if no workspace is present.
That is:
If current workspace is present/active, INDArray is migrated to it.
If no current workspace is present/active, one of two things occur: 1.
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
 
migrate() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
min(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
min(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
min(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Minimum array reduction operation, optionally along specified dimensions.
min(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Minimum array reduction operation, optionally along specified dimensions.
min(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Minimum array reduction operation, optionally along specified dimensions.
min(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise minimum operation: out[i] = min(first[i], second[i])
Supports broadcasting
min(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise minimum operation: out[i] = min(first[i], second[i])
Supports broadcasting
min(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
min(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
min(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
min(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Minimum array reduction operation, optionally along specified dimensions.
min() - Method in class org.nd4j.graph.UISummaryStatistics
 
min(FlatArray) - Method in class org.nd4j.graph.UISummaryStatistics
 
min(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the overall min of this ndarray
min(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.same
Calculate the min over an array
Min(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
Min() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
Min(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
Min(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
Min(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
Min - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Min function
Min() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
Min(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
Min(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
Min(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
Min - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Calculate the absolute minimum over a vector
Min(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
Min() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
Min(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
min(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast min op.
min(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
min(INDArray, 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
MIN_CONSUMER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VersionDef
 
MIN_FIELD_NUMBER - Static variable in class org.tensorflow.framework.HistogramProto
 
minBp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
MinBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Min reduction operation
MinBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MinBp
 
MinBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MinBp
 
MinBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.MinBp
 
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
 
minimize(boolean) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Sets whether the loss function should be minimized (true) or maximized (false).
The loss function is usually minimized in SGD.
Default: true.
minimize(String...) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
 
minimize() - Method in enum org.nd4j.evaluation.regression.RegressionEvaluation.Metric
 
MINIMUM_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.AttrDef
 
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
DynamicCustomOpsBuilder 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.ndarray.BaseNDArray
 
minNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
minNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns min value in this INDArray
minus(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
For Kotlin operator interop
minus(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
For Kotlin operator interop
MirrorPad - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
MirrorPad() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
missingOnnxOps() - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
Returns the missing onnx ops
missingOps() - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
Returns the missing ops for c++ vs java.
missingTensorflowOps() - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
Returns the missing tensorflow ops
MixtureDensityComponents() - Constructor for class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity.MixtureDensityComponents
 
mmul(SDVariable, SDVariable, MMulTranspose) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mmul(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mmul(SDVariable, SDVariable, MMulTranspose) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix multiplication: out = mmul(x,y)
Supports specifying a MMulTranspose argument to perform operation such as mmul(a^T, b), etc.
mmul(String, SDVariable, SDVariable, MMulTranspose) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix multiplication: out = mmul(x,y)
Supports specifying a MMulTranspose argument to perform operation such as mmul(a^T, b), etc.
mmul(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix multiplication: out = mmul(x,y)
mmul(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix multiplication: out = mmul(x,y)
mmul(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
mmul(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Matrix multiplication: out = mmul(this,other)
mmul(String, SDVariable, MMulTranspose) - Method in class org.nd4j.autodiff.samediff.SDVariable
Matrix multiplication: out = mmul(this,other)
mmul(INDArray, INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform a copy matrix multiplication
mmul(INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform a 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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mmul(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mmul(INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
mmul(INDArray, INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Perform an copy matrix multiplication
mmul(INDArray, MMulTranspose) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
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(INDArray, INDArray, MMulTranspose) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform an copy matrix multiplication
Mmul - Class in org.nd4j.linalg.api.ops.impl.reduce
Matrix multiplication/dot product
Mmul(SameDiff, SDVariable, SDVariable, MMulTranspose) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
Mmul(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
Mmul(INDArray, INDArray, INDArray, MMulTranspose) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
Mmul() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
mmulBp(SDVariable, SDVariable, SDVariable, MMulTranspose) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
MmulBp - Class in org.nd4j.linalg.api.ops.impl.reduce
Matrix multiplication/dot product Backprop
MmulBp(SameDiff, SDVariable, SDVariable, SDVariable, MMulTranspose) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
MmulBp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
MmulBp(INDArray, INDArray, INDArray, INDArray, INDArray, MMulTranspose) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
MmulBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
mmuli(INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform an copy matrix multiplication
mmuli(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform an copy matrix multiplication
mmuli(INDArray, INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform an in place matrix multiplication
mmuli(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Perform an copy matrix multiplication
mmuli(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mmuli(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mmuli(INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
mmuli(INDArray, INDArray, MMulTranspose) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
mmuli(INDArray, MMulTranspose) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
mmuli(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform an inplace matrix multiplication
mmuli(INDArray, INDArray, MMulTranspose) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
mmuli(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Perform an inplace matrix multiplication
MMulTranspose - Class in org.nd4j.linalg.api.blas.params
 
MMulTranspose(boolean, boolean, boolean) - Constructor for class org.nd4j.linalg.api.blas.params.MMulTranspose
 
mMulTranspose - Variable in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
mode - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
mode - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
MODEL_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
MODEL_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
MODEL_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
Module - Interface in org.nd4j.linalg.api.ops
A Module is a CustomOp with varying input arguments and automatically calculated outputs defined at a higher level than c++.
moments(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
moments(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
moments(String[], SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Calculate the mean and (population) variance for the input variable, for the specified axis
Moments - Class in org.nd4j.linalg.api.ops.impl.reduce
 
Moments(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
Moments(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
Moments(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
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.
mt - Variable in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
mt - Variable in class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
mul(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mul(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
mul(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
mul(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Scalar multiplication: out = this * scalar
Output variable has the same shape as the input variable
mul(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
mul(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Multiplication operation: elementwise this * x
If this and x variables have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if this and x have different shapes and are broadcastable, the output shape is broadcast.
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mul(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mul(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mul(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast element-wise multiply op.
mulBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
MulBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Division backprop operation.
MulBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.MulBpOp
 
MulBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.MulBpOp
 
mulColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
mulColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
mulColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Multiplication of a column vector (copy)
muli(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
muli(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
muli(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
muli(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
muli(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
muli(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
muli(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
muli(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
muli(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
muliColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
muliColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.ndarray.BaseNDArray
In place addition of a column vector
muliRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.pairwise.arithmetic
Multiplication operation
MulOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
MulOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
MulOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
mulRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
mulRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
MultiDataSetIteratorAdapter - Class in org.nd4j.linalg.dataset.adapter
Iterator that adapts a DataSetIterator to a MultiDataSetIterator
MultiDataSetIteratorAdapter(DataSetIterator) - Constructor for class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
MultiDataSetIteratorFactory - Interface in org.nd4j.linalg.dataset.api.iterator
MultiDataSetPreProcessor - Interface in org.nd4j.linalg.dataset.api
PreProcessor interface for MultiDataSets
multiHeadDotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
multiHeadDotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
multiHeadDotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This performs multi-headed dot product attention on the given timeseries input
multiHeadDotProductAttention(String, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This performs multi-headed dot product attention on the given timeseries input
multiHeadDotProductAttention(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This performs multi-headed dot product attention on the given timeseries input
multiHeadDotProductAttention(String, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
This performs multi-headed dot product attention on the given timeseries input out = concat(head_1, head_2, ..., head_n) * Wo head_i = dot_product_attention(Wq_i*q, Wk_i*k, Wv_i*v) Optionally with normalization when calculating the attention for each head.
MultiHeadDotProductAttention - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
(optionally scaled) multi head dot product attention See also "Attention is all you need" (https://arxiv.org/abs/1706.03762, pp.
MultiHeadDotProductAttention(SameDiff, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttention
 
multiHeadDotProductAttentionBp(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
MultiHeadDotProductAttentionBp - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
(optionally scaled) multi head dot product attention Backprop See also "Attention is all you need" (https://arxiv.org/abs/1706.03762, pp.
MultiHeadDotProductAttentionBp(SameDiff, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttentionBp
 
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.
 
MULTIPLICATOR - Static variable in class org.nd4j.graph.OpClass
 
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.impl.reduce.custom.BatchMmul
 
N - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
Nadam - Class in org.nd4j.linalg.learning.config
Setup and DynamicCustomOpsBuilder for Nadam updater.
Nadam() - Constructor for class org.nd4j.linalg.learning.config.Nadam
 
Nadam(double) - Constructor for class org.nd4j.linalg.learning.config.Nadam
 
Nadam(ISchedule) - 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 - Variable in class org.nd4j.autodiff.samediff.internal.SameDiffOp
 
name - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
name(int) - Static method in class org.nd4j.graph.ByteOrder
 
name(int) - Static method in class org.nd4j.graph.DataType
 
name(int) - Static method in class org.nd4j.graph.Direction
 
name(int) - Static method in class org.nd4j.graph.ExecutionMode
 
name() - Method in class org.nd4j.graph.FlatNode
 
name() - Method in class org.nd4j.graph.FlatProperties
 
name() - Method in class org.nd4j.graph.FlatTiming
 
name() - Method in class org.nd4j.graph.FlatVariable
 
name(int) - Static method in class org.nd4j.graph.InputType
 
name(int) - Static method in class org.nd4j.graph.OpClass
 
name(int) - Static method in class org.nd4j.graph.OpType
 
name(int) - Static method in class org.nd4j.graph.OutputMode
 
name(int) - Static method in class org.nd4j.graph.ProfilingMode
 
name() - Method in class org.nd4j.graph.UIAddName
 
name(int) - Static method in class org.nd4j.graph.UIEventType
 
name(int) - Static method in class org.nd4j.graph.UIHistogramType
 
name(int) - Static method in class org.nd4j.graph.UIInfoType
 
name() - Method in class org.nd4j.graph.UIOp
 
name() - Method in class org.nd4j.graph.UIVariable
 
name(int) - Static method in class org.nd4j.graph.VarType
 
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 interface org.nd4j.linalg.lossfunctions.ILossFunction
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossBinaryXENT
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossCosineProximity
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossFMeasure
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossHinge
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossKLD
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossL1
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossL2
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAE
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMAPE
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMCXENT
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMixtureDensity
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSE
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMSLE
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossMultiLabel
 
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossNegativeLogLikelihood
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossPoisson
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossSquaredHinge
The opName of this function
name() - Method in class org.nd4j.linalg.lossfunctions.impl.LossWasserstein
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.GraphProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.NodeProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ValueInfoProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.GraphProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.NodeProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
NAME_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ValueInfoProto
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.JobDef
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Arg
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Attr
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Endpoint
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceAttributes
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInfo
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.KernelDef.AttrConstraint
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NameAttrList
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NamedTensorProto
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeDef
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.ArgDef
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.AttrDef
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ResourceHandleProto
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorInfo
 
NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorShapeProto.Dim
 
NAME_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
NAME_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.NamedDevice
 
NAME_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.Operation
 
nameAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
nameAsByteBuffer() - Method in class org.nd4j.graph.FlatProperties
 
nameAsByteBuffer() - Method in class org.nd4j.graph.FlatTiming
 
nameAsByteBuffer() - Method in class org.nd4j.graph.FlatVariable
 
nameAsByteBuffer() - Method in class org.nd4j.graph.UIAddName
 
nameAsByteBuffer() - Method in class org.nd4j.graph.UIOp
 
nameAsByteBuffer() - Method in class org.nd4j.graph.UIVariable
 
NameAttrList - Class in org.tensorflow.framework
A list of attr names and their values.
NameAttrList.Builder - Class in org.tensorflow.framework
A list of attr names and their values.
NameAttrListOrBuilder - Interface in org.tensorflow.framework
 
NamedTensorProto - Class in org.tensorflow.framework
A pair of tensor name and tensor values.
NamedTensorProto.Builder - Class in org.tensorflow.framework
A pair of tensor name and tensor values.
NamedTensorProtoOrBuilder - Interface in org.tensorflow.framework
 
NamedTensorProtos - Class in org.tensorflow.framework
 
nameEquals(String) - Static method in class org.nd4j.autodiff.samediff.transform.OpPredicate
Return true if the operation own (user specified) name equals the specified name
nameIdx() - Method in class org.nd4j.graph.UIAddName
 
nameIdx() - Method in class org.nd4j.graph.UIEvent
 
nameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
nameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
nameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatTiming
 
nameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatVariable
 
nameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIAddName
 
nameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIOp
 
nameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIVariable
 
nameIndexForGraph(GRAPH_TYPE) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
nameIndexForGraph(GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
nameMatches(String) - Static method in class org.nd4j.autodiff.samediff.transform.OpPredicate
Return true if the operation own (user specified) name matches the specified regular expression
names - Static variable in class org.nd4j.graph.ByteOrder
 
names - Static variable in class org.nd4j.graph.DataType
 
names - Static variable in class org.nd4j.graph.Direction
 
names - Static variable in class org.nd4j.graph.ExecutionMode
 
names - Static variable in class org.nd4j.graph.InputType
 
names - Static variable in class org.nd4j.graph.OpClass
 
names - Static variable in class org.nd4j.graph.OpType
 
names - Static variable in class org.nd4j.graph.OutputMode
 
names - Static variable in class org.nd4j.graph.ProfilingMode
 
names - Static variable in class org.nd4j.graph.UIEventType
 
names - Static variable in class org.nd4j.graph.UIHistogramType
 
names - Static variable in class org.nd4j.graph.UIInfoType
 
names - Static variable in class org.nd4j.graph.VarType
 
NAN_PANIC - Static variable in class org.nd4j.graph.ProfilingMode
 
NATIVE_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
NCDHW - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv3DConfig
 
NCDHW - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv3DConfig
 
NCHW - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv2DConfig
 
NCHW - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv2DConfig
 
nchw - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
nchw - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
NCW - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv1DConfig
 
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
 
ND4JArraySizeException - Exception in org.nd4j.linalg.exception
This exception is thrown once if INDArray length exceeds Integer.MAX_VALUE
ND4JArraySizeException() - Constructor for exception org.nd4j.linalg.exception.ND4JArraySizeException
 
Nd4jBase64 - Class in org.nd4j.serde.base64
NDArray as base 64
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
 
ND4JIllegalAccessException - Exception in org.nd4j.linalg.exception
ND4JIllegalAccessException is thrown on illegal access cases, i.e.
ND4JIllegalAccessException() - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalAccessException
 
ND4JIllegalAccessException(String) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalAccessException
 
ND4JIllegalAccessException(String, Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalAccessException
 
ND4JIllegalAccessException(Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalAccessException
 
ND4JIllegalArgumentException - Exception in org.nd4j.linalg.exception
ND4JIllegalStateException: thrown on invalid arguments
ND4JIllegalArgumentException() - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalArgumentException
 
ND4JIllegalArgumentException(String) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalArgumentException
 
ND4JIllegalArgumentException(String, Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalArgumentException
 
ND4JIllegalArgumentException(Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JIllegalArgumentException
 
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
 
Nd4jNoSuchWorkspaceException - Exception in org.nd4j.linalg.exception
An unchecked (runtime) exception that specifies that the requested workspace does not exist
Nd4jNoSuchWorkspaceException(String) - Constructor for exception org.nd4j.linalg.exception.Nd4jNoSuchWorkspaceException
 
Nd4jNoSuchWorkspaceException(String, Throwable) - Constructor for exception org.nd4j.linalg.exception.Nd4jNoSuchWorkspaceException
 
ND4JTestUtils - Class in org.nd4j.linalg.util
Test utilitiez for ND4J
ND4JTestUtils.ComparisonResult - Class in org.nd4j.linalg.util
 
ND4JTestUtils.EqualsFn - Class in org.nd4j.linalg.util
A function for use with ND4JTestUtils.validateSerializedArrays(File, File, boolean, BiFunction) using INDArray#equals(Object)
ND4JTestUtils.EqualsWithEpsFn - Class in org.nd4j.linalg.util
nd4jTypeFromOnnxType(OnnxProto3.TensorProto.DataType) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
Convert an onnx type to the proper nd4j type
ND4JUnknownDataTypeException - Exception in org.nd4j.linalg.exception
 
ND4JUnknownDataTypeException() - Constructor for exception org.nd4j.linalg.exception.ND4JUnknownDataTypeException
 
ND4JUnknownDataTypeException(String) - Constructor for exception org.nd4j.linalg.exception.ND4JUnknownDataTypeException
 
ND4JUnknownDataTypeException(String, Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JUnknownDataTypeException
 
ND4JUnknownDataTypeException(Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4JUnknownDataTypeException
 
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
 
ND4JWorkspaceException - Exception in org.nd4j.linalg.workspace
An exception to specify than a workspace-related error has occurred
ND4JWorkspaceException() - Constructor for exception org.nd4j.linalg.workspace.ND4JWorkspaceException
 
ND4JWorkspaceException(Throwable) - Constructor for exception org.nd4j.linalg.workspace.ND4JWorkspaceException
 
ND4JWorkspaceException(String) - Constructor for exception org.nd4j.linalg.workspace.ND4JWorkspaceException
 
ND4JWorkspaceException(String, Throwable) - Constructor for exception org.nd4j.linalg.workspace.ND4JWorkspaceException
 
ND4UnresolvedOutputVariables - Exception in org.nd4j.linalg.exception
 
ND4UnresolvedOutputVariables(String) - Constructor for exception org.nd4j.linalg.exception.ND4UnresolvedOutputVariables
 
ND4UnresolvedOutputVariables(String, Throwable) - Constructor for exception org.nd4j.linalg.exception.ND4UnresolvedOutputVariables
 
ndarray() - Method in class org.nd4j.graph.FlatVariable
 
ndarray(FlatArray) - Method in class org.nd4j.graph.FlatVariable
 
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
NDArrayDeSerializer - Class in org.nd4j.serde.jackson.shaded
 
NDArrayDeSerializer() - Constructor for class org.nd4j.serde.jackson.shaded.NDArrayDeSerializer
 
ndArrayDimFromInt(int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Create an INDArray to represent the (possibly null) int[] dimensions.
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(long...) - 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() - Constructor for class org.nd4j.linalg.indexing.NDArrayIndexAll
 
NdArrayJSONReader - Class in org.nd4j.linalg.api.ndarray
Deprecated.
NdArrayJSONReader() - Constructor for class org.nd4j.linalg.api.ndarray.NdArrayJSONReader
Deprecated.
 
NdArrayJSONWriter - Class in org.nd4j.linalg.api.ndarray
Deprecated.
NDArrayList - Class in org.nd4j.list
An ArrayList like implementation of List using INDArray as the backing data structure
NDArrayList(int) - Constructor for class org.nd4j.list.NDArrayList
Initialize with the desired size.
NDArrayList(INDArray, int) - Constructor for class org.nd4j.list.NDArrayList
Specify the underlying ndarray for this list.
NDArrayList() - Constructor for class org.nd4j.list.NDArrayList
 
NDArrayList(INDArray) - Constructor for class org.nd4j.list.NDArrayList
Specify the underlying ndarray for this list.
NDArrayMath - Class in org.nd4j.linalg.util
 
NDArrayPreconditionsFormat - Class in org.nd4j.linalg.util
Preconditions format: Defines a set of tags for use with Preconditions class.
%ndRank: rank of INDArray
%ndShape: shape of INDArray
%ndStride: stride of INDArray
%ndLength: length of INDArray
%ndSInfo: shape info of INDArray
%nd10: First 10 values of INDArray (or all values if length <= 10
NDArrayPreconditionsFormat() - Constructor for class org.nd4j.linalg.util.NDArrayPreconditionsFormat
 
NDArraySerializer - Class in org.nd4j.serde.jackson.shaded
 
NDArraySerializer() - Constructor for class org.nd4j.serde.jackson.shaded.NDArraySerializer
 
NDArrayShapeAdapter - Class in org.nd4j.imports.descriptors.properties.adapters
 
NDArrayShapeAdapter() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.NDArrayShapeAdapter
 
NDArrayStrings - Class in org.nd4j.linalg.string
String representation of an ndarray.
NDArrayStrings() - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(String) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
 
NDArrayStrings(int) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
Specify the number of digits after the decimal point to include
NDArrayStrings(String, int) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
Specify a delimiter for elements in columns for 2d arrays (or in the rank-1th dimension in higher order arrays) Separator in elements in remaining dimensions defaults to ",\n"
NDArrayStrings(String, String) - Constructor for class org.nd4j.linalg.string.NDArrayStrings
Specify a col separator and a decimal format string
NDArraySupplierInitScheme - Class in org.nd4j.weightinit.impl
 
NDArraySupplierInitScheme(INDArray) - Constructor for class org.nd4j.weightinit.impl.NDArraySupplierInitScheme
 
NDArraySupplierInitScheme.NDArraySupplier - Interface in org.nd4j.weightinit.impl
A simple facade
NDArrayTextDeSerializer - Class in org.nd4j.serde.jackson.shaded
 
NDArrayTextDeSerializer() - Constructor for class org.nd4j.serde.jackson.shaded.NDArrayTextDeSerializer
 
NDArrayTextSerializer - Class in org.nd4j.serde.jackson.shaded
 
NDArrayTextSerializer() - Constructor for class org.nd4j.serde.jackson.shaded.NDArrayTextSerializer
 
NDArrayUnpackAction - Class in org.nd4j.linalg.env.impl
 
NDArrayUnpackAction() - Constructor for class org.nd4j.linalg.env.impl.NDArrayUnpackAction
 
NDArrayUtil - Class in org.nd4j.linalg.util
Created by agibsonccc on 2/26/16.
NDHWC - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv3DConfig
 
NDHWC - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv3DConfig
 
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(long...) - Constructor for class org.nd4j.linalg.api.iter.NdIndexIterator
 
NdIndexIterator(char, boolean, long...) - 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
NdIndexIterator(char, long...) - Constructor for class org.nd4j.linalg.api.iter.NdIndexIterator
 
neg(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
neg(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise negative operation: out = -x
neg(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise negative operation: out = -x
neg() - Method in class org.nd4j.autodiff.samediff.SDVariable
Negate op - returns a new variable with the values of the current variable negated
neg(String) - Method in class org.nd4j.autodiff.samediff.SDVariable
Negate op - returns a new variable with the values of the current variable negated
neg() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Negate each element.
neg() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
negative() - Method in class org.nd4j.evaluation.classification.Evaluation
Total negatives true negatives + false negatives
Negative - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Negative function
Negative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
Negative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
Negative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
Negative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
negi() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Negate each element (in-place).
negi() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
negi() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place setting of the negative version of this ndarray
neq(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
neq(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
neq(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Not equals operation: elementwise x != y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
neq(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Not equals operation: elementwise x != y
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
neq(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Not equal to operation: elementwise x != y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
neq(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Not equal to operation: elementwise x != y
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
neq(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
neq(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Not equals operation: elementwise this != value
Returns an array with the same shape/size as the input, with values 1 where condition is satisfied, or value 0 otherwise
neq(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
neq(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Not equal to operation: elementwise this != y
If x and y arrays have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if x and y have different shapes and are broadcastable, the output shape is broadcast.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
neq(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
neq(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast not equal to op.
neqi(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
neqi(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
NESTED_CONTEXTS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CondContextDef
 
NESTED_CONTEXTS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
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(ISchedule) - Constructor for class org.nd4j.linalg.learning.config.Nesterovs
 
Nesterovs(ISchedule, double) - Constructor for class org.nd4j.linalg.learning.config.Nesterovs
 
Nesterovs(ISchedule, ISchedule) - Constructor for class org.nd4j.linalg.learning.config.Nesterovs
 
Nesterovs(double, ISchedule) - 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
 
NEW_GRAPH_VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExtendSessionResponse
 
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() - Static method in class onnx.OnnxMlProto3.AttributeProto
 
newBuilder(OnnxMlProto3.AttributeProto) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.GraphProto
 
newBuilder(OnnxMlProto3.GraphProto) - Static method in class onnx.OnnxMlProto3.GraphProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.ModelProto
 
newBuilder(OnnxMlProto3.ModelProto) - Static method in class onnx.OnnxMlProto3.ModelProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.NodeProto
 
newBuilder(OnnxMlProto3.NodeProto) - Static method in class onnx.OnnxMlProto3.NodeProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
newBuilder(OnnxMlProto3.OperatorSetIdProto) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
newBuilder(OnnxMlProto3.StringStringEntryProto) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TensorProto
 
newBuilder(OnnxMlProto3.TensorProto) - Static method in class onnx.OnnxMlProto3.TensorProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
newBuilder(OnnxMlProto3.TensorProto.Segment) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
newBuilder(OnnxMlProto3.TensorShapeProto.Dimension) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
newBuilder(OnnxMlProto3.TensorShapeProto) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
newBuilder(OnnxMlProto3.TypeProto.Map) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TypeProto
 
newBuilder(OnnxMlProto3.TypeProto) - Static method in class onnx.OnnxMlProto3.TypeProto
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
newBuilder(OnnxMlProto3.TypeProto.Sequence) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
newBuilder() - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
newBuilder(OnnxMlProto3.TypeProto.Tensor) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
newBuilder() - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
newBuilder(OnnxMlProto3.ValueInfoProto) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
newBuilder() - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
newBuilder(OnnxOperatorsProto3.OperatorProto) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
newBuilder() - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
newBuilder(OnnxOperatorsProto3.OperatorSetProto) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
newBuilder() - Static method in class onnx.OnnxProto3.AttributeProto
 
newBuilder(OnnxProto3.AttributeProto) - Static method in class onnx.OnnxProto3.AttributeProto
 
newBuilder() - Static method in class onnx.OnnxProto3.GraphProto
 
newBuilder(OnnxProto3.GraphProto) - Static method in class onnx.OnnxProto3.GraphProto
 
newBuilder() - Static method in class onnx.OnnxProto3.ModelProto
 
newBuilder(OnnxProto3.ModelProto) - Static method in class onnx.OnnxProto3.ModelProto
 
newBuilder() - Static method in class onnx.OnnxProto3.NodeProto
 
newBuilder(OnnxProto3.NodeProto) - Static method in class onnx.OnnxProto3.NodeProto
 
newBuilder() - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
newBuilder(OnnxProto3.OperatorSetIdProto) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
newBuilder() - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
newBuilder(OnnxProto3.StringStringEntryProto) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
newBuilder() - Static method in class onnx.OnnxProto3.TensorProto
 
newBuilder(OnnxProto3.TensorProto) - Static method in class onnx.OnnxProto3.TensorProto
 
newBuilder() - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
newBuilder(OnnxProto3.TensorProto.Segment) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
newBuilder() - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
newBuilder(OnnxProto3.TensorShapeProto.Dimension) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
newBuilder() - Static method in class onnx.OnnxProto3.TensorShapeProto
 
newBuilder(OnnxProto3.TensorShapeProto) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
newBuilder() - Static method in class onnx.OnnxProto3.TypeProto
 
newBuilder(OnnxProto3.TypeProto) - Static method in class onnx.OnnxProto3.TypeProto
 
newBuilder() - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
newBuilder(OnnxProto3.TypeProto.Tensor) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
newBuilder() - Static method in class onnx.OnnxProto3.ValueInfoProto
 
newBuilder(OnnxProto3.ValueInfoProto) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
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
 
newBuilder() - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
newBuilder(CleanupAllRequest) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
newBuilder(CleanupAllResponse) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
newBuilder(CleanupGraphRequest) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
newBuilder(CleanupGraphResponse) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
newBuilder(CloseSessionRequest) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
newBuilder(CloseSessionResponse) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.ClusterDef
 
newBuilder(ClusterDef) - Static method in class org.tensorflow.distruntime.ClusterDef
 
newBuilder() - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
newBuilder(CompleteGroupRequest) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
newBuilder(CompleteGroupResponse) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
newBuilder(CompleteInstanceRequest) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
newBuilder(CompleteInstanceResponse) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
newBuilder(CreateSessionRequest) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
newBuilder(CreateSessionResponse) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
newBuilder(CreateWorkerSessionRequest) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
newBuilder(CreateWorkerSessionResponse) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
newBuilder(DeleteWorkerSessionRequest) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
newBuilder(DeleteWorkerSessionResponse) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
newBuilder(DeregisterGraphRequest) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
newBuilder(DeregisterGraphResponse) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
newBuilder(ExecutorOpts) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
newBuilder() - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
newBuilder(ExtendSessionRequest) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
newBuilder(ExtendSessionResponse) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
newBuilder(GetStatusRequest) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
newBuilder(GetStatusResponse) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
newBuilder(GetStepSequenceRequest) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
newBuilder(GetStepSequenceResponse) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.JobDef
 
newBuilder(JobDef) - Static method in class org.tensorflow.distruntime.JobDef
 
newBuilder() - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
newBuilder(LabeledStepStats) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
newBuilder() - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
newBuilder(ListDevicesRequest) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
newBuilder(ListDevicesResponse) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.LoggingRequest
 
newBuilder(LoggingRequest) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.LoggingResponse
 
newBuilder(LoggingResponse) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
newBuilder(MakeCallableRequest) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
newBuilder(MakeCallableResponse) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
newBuilder(PartialRunSetupRequest) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
newBuilder(PartialRunSetupResponse) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
newBuilder(RecvBufRequest) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
newBuilder(RecvBufResponse) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
newBuilder(RecvTensorRequest) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
newBuilder(RecvTensorResponse) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
newBuilder(RegisterGraphRequest) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
newBuilder(RegisterGraphResponse) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
newBuilder(ReleaseCallableRequest) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
newBuilder(ReleaseCallableResponse) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.ResetRequest
 
newBuilder(ResetRequest) - Static method in class org.tensorflow.distruntime.ResetRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.ResetResponse
 
newBuilder(ResetResponse) - Static method in class org.tensorflow.distruntime.ResetResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
newBuilder(RunCallableRequest) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
newBuilder(RunCallableResponse) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
newBuilder(RunGraphRequest) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
newBuilder(RunGraphResponse) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.RunStepRequest
 
newBuilder(RunStepRequest) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.RunStepResponse
 
newBuilder(RunStepResponse) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
newBuilder() - Static method in class org.tensorflow.distruntime.ServerDef
 
newBuilder(ServerDef) - Static method in class org.tensorflow.distruntime.ServerDef
 
newBuilder() - Static method in class org.tensorflow.distruntime.StepSequence
 
newBuilder(StepSequence) - Static method in class org.tensorflow.distruntime.StepSequence
 
newBuilder() - Static method in class org.tensorflow.distruntime.TraceOpts
 
newBuilder(TraceOpts) - Static method in class org.tensorflow.distruntime.TraceOpts
 
newBuilder() - Static method in class org.tensorflow.distruntime.TracingRequest
 
newBuilder(TracingRequest) - Static method in class org.tensorflow.distruntime.TracingRequest
 
newBuilder() - Static method in class org.tensorflow.distruntime.TracingResponse
 
newBuilder(TracingResponse) - Static method in class org.tensorflow.distruntime.TracingResponse
 
newBuilder() - Static method in class org.tensorflow.framework.AllocationDescription
 
newBuilder(AllocationDescription) - Static method in class org.tensorflow.framework.AllocationDescription
 
newBuilder() - Static method in class org.tensorflow.framework.AllocationRecord
 
newBuilder(AllocationRecord) - Static method in class org.tensorflow.framework.AllocationRecord
 
newBuilder() - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
newBuilder(AllocatorMemoryUsed) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
newBuilder() - Static method in class org.tensorflow.framework.ApiDef.Arg
 
newBuilder(ApiDef.Arg) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
newBuilder() - Static method in class org.tensorflow.framework.ApiDef.Attr
 
newBuilder(ApiDef.Attr) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
newBuilder() - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
newBuilder(ApiDef.Endpoint) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
newBuilder() - Static method in class org.tensorflow.framework.ApiDef
 
newBuilder(ApiDef) - Static method in class org.tensorflow.framework.ApiDef
 
newBuilder() - Static method in class org.tensorflow.framework.ApiDefs
 
newBuilder(ApiDefs) - Static method in class org.tensorflow.framework.ApiDefs
 
newBuilder() - Static method in class org.tensorflow.framework.AssetFileDef
 
newBuilder(AssetFileDef) - Static method in class org.tensorflow.framework.AssetFileDef
 
newBuilder() - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
newBuilder(AttrValue.ListValue) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
newBuilder() - Static method in class org.tensorflow.framework.AttrValue
 
newBuilder(AttrValue) - Static method in class org.tensorflow.framework.AttrValue
 
newBuilder() - Static method in class org.tensorflow.framework.AutoParallelOptions
 
newBuilder(AutoParallelOptions) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
newBuilder() - Static method in class org.tensorflow.framework.CallableOptions
 
newBuilder(CallableOptions) - Static method in class org.tensorflow.framework.CallableOptions
 
newBuilder() - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
newBuilder(CollectionDef.AnyList) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
newBuilder() - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
newBuilder(CollectionDef.BytesList) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
newBuilder() - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
newBuilder(CollectionDef.FloatList) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
newBuilder() - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
newBuilder(CollectionDef.Int64List) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
newBuilder() - Static method in class org.tensorflow.framework.CollectionDef
 
newBuilder(CollectionDef) - Static method in class org.tensorflow.framework.CollectionDef
 
newBuilder() - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
newBuilder(CollectionDef.NodeList) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
newBuilder() - Static method in class org.tensorflow.framework.CondContextDef
 
newBuilder(CondContextDef) - Static method in class org.tensorflow.framework.CondContextDef
 
newBuilder() - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
newBuilder(ConfigProto.Experimental) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
newBuilder() - Static method in class org.tensorflow.framework.ConfigProto
 
newBuilder(ConfigProto) - Static method in class org.tensorflow.framework.ConfigProto
 
newBuilder() - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
newBuilder(ControlFlowContextDef) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
newBuilder() - Static method in class org.tensorflow.framework.CostGraphDef
 
newBuilder(CostGraphDef) - Static method in class org.tensorflow.framework.CostGraphDef
 
newBuilder() - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
newBuilder(CostGraphDef.Node.InputInfo) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
newBuilder() - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
newBuilder(CostGraphDef.Node) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
newBuilder() - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
newBuilder(CostGraphDef.Node.OutputInfo) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
newBuilder() - Static method in class org.tensorflow.framework.CriticalSectionDef
 
newBuilder(CriticalSectionDef) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
newBuilder() - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
newBuilder(CriticalSectionExecutionDef) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
newBuilder() - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
newBuilder(DebuggedSourceFile) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
newBuilder() - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
newBuilder(DebuggedSourceFiles) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
newBuilder() - Static method in class org.tensorflow.framework.DebugOptions
 
newBuilder(DebugOptions) - Static method in class org.tensorflow.framework.DebugOptions
 
newBuilder() - Static method in class org.tensorflow.framework.DebugTensorWatch
 
newBuilder(DebugTensorWatch) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
newBuilder() - Static method in class org.tensorflow.framework.DeviceAttributes
 
newBuilder(DeviceAttributes) - Static method in class org.tensorflow.framework.DeviceAttributes
 
newBuilder() - Static method in class org.tensorflow.framework.DeviceLocality
 
newBuilder(DeviceLocality) - Static method in class org.tensorflow.framework.DeviceLocality
 
newBuilder() - Static method in class org.tensorflow.framework.DeviceStepStats
 
newBuilder(DeviceStepStats) - Static method in class org.tensorflow.framework.DeviceStepStats
 
newBuilder() - Static method in class org.tensorflow.framework.FunctionDef
 
newBuilder(FunctionDef) - Static method in class org.tensorflow.framework.FunctionDef
 
newBuilder() - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
newBuilder(FunctionDefLibrary) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
newBuilder() - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
newBuilder(GPUOptions.Experimental) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
newBuilder() - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
newBuilder(GPUOptions.Experimental.VirtualDevices) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
newBuilder() - Static method in class org.tensorflow.framework.GPUOptions
 
newBuilder(GPUOptions) - Static method in class org.tensorflow.framework.GPUOptions
 
newBuilder() - Static method in class org.tensorflow.framework.GradientDef
 
newBuilder(GradientDef) - Static method in class org.tensorflow.framework.GradientDef
 
newBuilder() - Static method in class org.tensorflow.framework.GraphDef
 
newBuilder(GraphDef) - Static method in class org.tensorflow.framework.GraphDef
 
newBuilder() - Static method in class org.tensorflow.framework.GraphOptions
 
newBuilder(GraphOptions) - Static method in class org.tensorflow.framework.GraphOptions
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
newBuilder(GraphTransferConstNodeInfo) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
newBuilder(GraphTransferGraphInputNodeInfo) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
newBuilder(GraphTransferGraphOutputNodeInfo) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferInfo
 
newBuilder(GraphTransferInfo) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
newBuilder(GraphTransferNodeInfo) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
newBuilder(GraphTransferNodeInput) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
newBuilder(GraphTransferNodeInputInfo) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
newBuilder() - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
newBuilder(GraphTransferNodeOutputInfo) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
newBuilder() - Static method in class org.tensorflow.framework.HistogramProto
 
newBuilder(HistogramProto) - Static method in class org.tensorflow.framework.HistogramProto
 
newBuilder() - Static method in class org.tensorflow.framework.InterconnectLink
 
newBuilder(InterconnectLink) - Static method in class org.tensorflow.framework.InterconnectLink
 
newBuilder() - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
newBuilder(KernelDef.AttrConstraint) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
newBuilder() - Static method in class org.tensorflow.framework.KernelDef
 
newBuilder(KernelDef) - Static method in class org.tensorflow.framework.KernelDef
 
newBuilder() - Static method in class org.tensorflow.framework.LocalLinks
 
newBuilder(LocalLinks) - Static method in class org.tensorflow.framework.LocalLinks
 
newBuilder() - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
newBuilder(MemoryLogRawAllocation) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
newBuilder() - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
newBuilder(MemoryLogRawDeallocation) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
newBuilder() - Static method in class org.tensorflow.framework.MemoryLogStep
 
newBuilder(MemoryLogStep) - Static method in class org.tensorflow.framework.MemoryLogStep
 
newBuilder() - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
newBuilder(MemoryLogTensorAllocation) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
newBuilder() - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
newBuilder(MemoryLogTensorDeallocation) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
newBuilder() - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
newBuilder(MemoryLogTensorOutput) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
newBuilder() - Static method in class org.tensorflow.framework.MemoryStats
 
newBuilder(MemoryStats) - Static method in class org.tensorflow.framework.MemoryStats
 
newBuilder() - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
newBuilder(MetaGraphDef.MetaInfoDef) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
newBuilder() - Static method in class org.tensorflow.framework.MetaGraphDef
 
newBuilder(MetaGraphDef) - Static method in class org.tensorflow.framework.MetaGraphDef
 
newBuilder() - Static method in class org.tensorflow.framework.NameAttrList
 
newBuilder(NameAttrList) - Static method in class org.tensorflow.framework.NameAttrList
 
newBuilder() - Static method in class org.tensorflow.framework.NamedTensorProto
 
newBuilder(NamedTensorProto) - Static method in class org.tensorflow.framework.NamedTensorProto
 
newBuilder() - Static method in class org.tensorflow.framework.NodeDef
 
newBuilder(NodeDef) - Static method in class org.tensorflow.framework.NodeDef
 
newBuilder() - Static method in class org.tensorflow.framework.NodeExecStats
 
newBuilder(NodeExecStats) - Static method in class org.tensorflow.framework.NodeExecStats
 
newBuilder() - Static method in class org.tensorflow.framework.NodeOutput
 
newBuilder(NodeOutput) - Static method in class org.tensorflow.framework.NodeOutput
 
newBuilder() - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
newBuilder(OpDef.ArgDef) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
newBuilder() - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
newBuilder(OpDef.AttrDef) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
newBuilder() - Static method in class org.tensorflow.framework.OpDef
 
newBuilder(OpDef) - Static method in class org.tensorflow.framework.OpDef
 
newBuilder() - Static method in class org.tensorflow.framework.OpDeprecation
 
newBuilder(OpDeprecation) - Static method in class org.tensorflow.framework.OpDeprecation
 
newBuilder() - Static method in class org.tensorflow.framework.OpList
 
newBuilder(OpList) - Static method in class org.tensorflow.framework.OpList
 
newBuilder() - Static method in class org.tensorflow.framework.OptimizerOptions
 
newBuilder(OptimizerOptions) - Static method in class org.tensorflow.framework.OptimizerOptions
 
newBuilder() - Static method in class org.tensorflow.framework.QueueRunnerDef
 
newBuilder(QueueRunnerDef) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
newBuilder() - Static method in class org.tensorflow.framework.ReaderBaseState
 
newBuilder(ReaderBaseState) - Static method in class org.tensorflow.framework.ReaderBaseState
 
newBuilder() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
newBuilder(RemoteFusedGraphExecuteInfo) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
newBuilder() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
newBuilder(RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
newBuilder() - Static method in class org.tensorflow.framework.ResourceHandleProto
 
newBuilder(ResourceHandleProto) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
newBuilder() - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
newBuilder(RewriterConfig.CustomGraphOptimizer) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
newBuilder() - Static method in class org.tensorflow.framework.RewriterConfig
 
newBuilder(RewriterConfig) - Static method in class org.tensorflow.framework.RewriterConfig
 
newBuilder() - Static method in class org.tensorflow.framework.RPCOptions
 
newBuilder(RPCOptions) - Static method in class org.tensorflow.framework.RPCOptions
 
newBuilder() - Static method in class org.tensorflow.framework.RunMetadata
 
newBuilder(RunMetadata) - Static method in class org.tensorflow.framework.RunMetadata
 
newBuilder() - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
newBuilder(RunOptions.Experimental) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
newBuilder() - Static method in class org.tensorflow.framework.RunOptions
 
newBuilder(RunOptions) - Static method in class org.tensorflow.framework.RunOptions
 
newBuilder() - Static method in class org.tensorflow.framework.SavedModel
 
newBuilder(SavedModel) - Static method in class org.tensorflow.framework.SavedModel
 
newBuilder() - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
newBuilder(SaveSliceInfoDef) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
newBuilder() - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
newBuilder(ScopedAllocatorOptions) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
newBuilder() - Static method in class org.tensorflow.framework.SignatureDef
 
newBuilder(SignatureDef) - Static method in class org.tensorflow.framework.SignatureDef
 
newBuilder() - Static method in class org.tensorflow.framework.StepStats
 
newBuilder(StepStats) - Static method in class org.tensorflow.framework.StepStats
 
newBuilder() - Static method in class org.tensorflow.framework.Summary.Audio
 
newBuilder(Summary.Audio) - Static method in class org.tensorflow.framework.Summary.Audio
 
newBuilder() - Static method in class org.tensorflow.framework.Summary.Image
 
newBuilder(Summary.Image) - Static method in class org.tensorflow.framework.Summary.Image
 
newBuilder() - Static method in class org.tensorflow.framework.Summary
 
newBuilder(Summary) - Static method in class org.tensorflow.framework.Summary
 
newBuilder() - Static method in class org.tensorflow.framework.Summary.Value
 
newBuilder(Summary.Value) - Static method in class org.tensorflow.framework.Summary.Value
 
newBuilder() - Static method in class org.tensorflow.framework.SummaryDescription
 
newBuilder(SummaryDescription) - Static method in class org.tensorflow.framework.SummaryDescription
 
newBuilder() - Static method in class org.tensorflow.framework.SummaryMetadata
 
newBuilder(SummaryMetadata) - Static method in class org.tensorflow.framework.SummaryMetadata
 
newBuilder() - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
newBuilder(SummaryMetadata.PluginData) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
newBuilder() - Static method in class org.tensorflow.framework.TensorConnection
 
newBuilder(TensorConnection) - Static method in class org.tensorflow.framework.TensorConnection
 
newBuilder() - Static method in class org.tensorflow.framework.TensorDescription
 
newBuilder(TensorDescription) - Static method in class org.tensorflow.framework.TensorDescription
 
newBuilder() - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
newBuilder(TensorInfo.CooSparse) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
newBuilder() - Static method in class org.tensorflow.framework.TensorInfo
 
newBuilder(TensorInfo) - Static method in class org.tensorflow.framework.TensorInfo
 
newBuilder() - Static method in class org.tensorflow.framework.TensorProto
 
newBuilder(TensorProto) - Static method in class org.tensorflow.framework.TensorProto
 
newBuilder() - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
newBuilder(TensorShapeProto.Dim) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
newBuilder() - Static method in class org.tensorflow.framework.TensorShapeProto
 
newBuilder(TensorShapeProto) - Static method in class org.tensorflow.framework.TensorShapeProto
 
newBuilder() - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
newBuilder(TensorSliceProto.Extent) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
newBuilder() - Static method in class org.tensorflow.framework.TensorSliceProto
 
newBuilder(TensorSliceProto) - Static method in class org.tensorflow.framework.TensorSliceProto
 
newBuilder() - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
newBuilder(ThreadPoolOptionProto) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
newBuilder() - Static method in class org.tensorflow.framework.ValuesDef
 
newBuilder(ValuesDef) - Static method in class org.tensorflow.framework.ValuesDef
 
newBuilder() - Static method in class org.tensorflow.framework.VariableDef
 
newBuilder(VariableDef) - Static method in class org.tensorflow.framework.VariableDef
 
newBuilder() - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
newBuilder(VariantTensorDataProto) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
newBuilder() - Static method in class org.tensorflow.framework.VersionDef
 
newBuilder(VersionDef) - Static method in class org.tensorflow.framework.VersionDef
 
newBuilder() - Static method in class org.tensorflow.framework.WhileContextDef
 
newBuilder(WhileContextDef) - Static method in class org.tensorflow.framework.WhileContextDef
 
newBuilder() - Static method in class org.tensorflow.util.BundleEntryProto
 
newBuilder(BundleEntryProto) - Static method in class org.tensorflow.util.BundleEntryProto
 
newBuilder() - Static method in class org.tensorflow.util.BundleHeaderProto
 
newBuilder(BundleHeaderProto) - Static method in class org.tensorflow.util.BundleHeaderProto
 
newBuilder() - Static method in class org.tensorflow.util.IteratorStateMetadata
 
newBuilder(IteratorStateMetadata) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
newBuilder() - Static method in class org.tensorflow.util.SaverDef
 
newBuilder(SaverDef) - Static method in class org.tensorflow.util.SaverDef
 
newBuilder() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
newBuilder(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
newBuilder() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
newBuilder(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
newBuilder() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
newBuilder(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
newBuilder() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
newBuilder(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
newBuilder() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
newBuilder(CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
newBuilder() - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
newBuilder(DevicePropertiesProtos.DeviceProperties) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
newBuilder() - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
newBuilder(DevicePropertiesProtos.NamedDevice) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
newBuilder(EagerServiceOuterClass.CloseContextRequest) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
newBuilder(EagerServiceOuterClass.CloseContextResponse) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
newBuilder(EagerServiceOuterClass.CreateContextRequest) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
newBuilder(EagerServiceOuterClass.CreateContextResponse) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
newBuilder(EagerServiceOuterClass.EnqueueRequest) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
newBuilder(EagerServiceOuterClass.EnqueueResponse) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
newBuilder(EagerServiceOuterClass.KeepAliveRequest) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
newBuilder(EagerServiceOuterClass.KeepAliveResponse) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
newBuilder(EagerServiceOuterClass.Operation) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
newBuilder(EagerServiceOuterClass.QueueItem) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
newBuilder(EagerServiceOuterClass.RegisterFunctionRequest) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
newBuilder(EagerServiceOuterClass.RegisterFunctionResponse) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
newBuilder(EagerServiceOuterClass.RemoteTensorHandle) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
newBuilder(EagerServiceOuterClass.WaitQueueDoneRequest) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
newBuilder() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
newBuilder(EagerServiceOuterClass.WaitQueueDoneResponse) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
newBuilder() - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
newBuilder(TransportOptions.RecvBufRespExtra) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.AttributeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.AttributeProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.GraphProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.GraphProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.ModelProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.ModelProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.NodeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.NodeProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TensorProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TensorProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TypeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TypeProto
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
newBuilderForType() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
newBuilderForType() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
newBuilderForType() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.AttributeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.AttributeProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.GraphProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.GraphProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.ModelProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.ModelProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.NodeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.NodeProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.StringStringEntryProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.TensorProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.TensorProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.TensorProto.Segment
 
newBuilderForType() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
newBuilderForType() - Method in class onnx.OnnxProto3.TensorShapeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.TensorShapeProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.TypeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.TypeProto
 
newBuilderForType() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
newBuilderForType() - Method in class onnx.OnnxProto3.ValueInfoProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class onnx.OnnxProto3.ValueInfoProto
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ClusterDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ClusterDef
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ExecutorOpts
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.GetStatusRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.GetStatusResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.JobDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.JobDef
 
newBuilderForType() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.LabeledStepStats
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.LoggingRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.LoggingRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.LoggingResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.LoggingResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RecvBufRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RecvBufResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ResetRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ResetRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ResetResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ResetResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RunCallableRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RunCallableResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RunGraphRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RunGraphResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RunStepRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RunStepRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.RunStepResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.RunStepResponse
 
newBuilderForType() - Method in class org.tensorflow.distruntime.ServerDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.ServerDef
 
newBuilderForType() - Method in class org.tensorflow.distruntime.StepSequence
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.StepSequence
 
newBuilderForType() - Method in class org.tensorflow.distruntime.TraceOpts
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.TraceOpts
 
newBuilderForType() - Method in class org.tensorflow.distruntime.TracingRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.TracingRequest
 
newBuilderForType() - Method in class org.tensorflow.distruntime.TracingResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.distruntime.TracingResponse
 
newBuilderForType() - Method in class org.tensorflow.framework.AllocationDescription
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.AllocationDescription
 
newBuilderForType() - Method in class org.tensorflow.framework.AllocationRecord
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.AllocationRecord
 
newBuilderForType() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
newBuilderForType() - Method in class org.tensorflow.framework.ApiDef.Arg
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ApiDef.Arg
 
newBuilderForType() - Method in class org.tensorflow.framework.ApiDef.Attr
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ApiDef.Attr
 
newBuilderForType() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
newBuilderForType() - Method in class org.tensorflow.framework.ApiDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ApiDef
 
newBuilderForType() - Method in class org.tensorflow.framework.ApiDefs
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ApiDefs
 
newBuilderForType() - Method in class org.tensorflow.framework.AssetFileDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.AssetFileDef
 
newBuilderForType() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.AttrValue.ListValue
 
newBuilderForType() - Method in class org.tensorflow.framework.AttrValue
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.AttrValue
 
newBuilderForType() - Method in class org.tensorflow.framework.AutoParallelOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.AutoParallelOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.CallableOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CallableOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
newBuilderForType() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
newBuilderForType() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
newBuilderForType() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
newBuilderForType() - Method in class org.tensorflow.framework.CollectionDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CollectionDef
 
newBuilderForType() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
newBuilderForType() - Method in class org.tensorflow.framework.CondContextDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CondContextDef
 
newBuilderForType() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
newBuilderForType() - Method in class org.tensorflow.framework.ConfigProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ConfigProto
 
newBuilderForType() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ControlFlowContextDef
 
newBuilderForType() - Method in class org.tensorflow.framework.CostGraphDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CostGraphDef
 
newBuilderForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CostGraphDef.Node
 
newBuilderForType() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.CriticalSectionDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CriticalSectionDef
 
newBuilderForType() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
newBuilderForType() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.DebuggedSourceFile
 
newBuilderForType() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
newBuilderForType() - Method in class org.tensorflow.framework.DebugOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.DebugOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.DebugTensorWatch
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.DebugTensorWatch
 
newBuilderForType() - Method in class org.tensorflow.framework.DeviceAttributes
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.DeviceAttributes
 
newBuilderForType() - Method in class org.tensorflow.framework.DeviceLocality
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.DeviceLocality
 
newBuilderForType() - Method in class org.tensorflow.framework.DeviceStepStats
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.DeviceStepStats
 
newBuilderForType() - Method in class org.tensorflow.framework.FunctionDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.FunctionDef
 
newBuilderForType() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.FunctionDefLibrary
 
newBuilderForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
newBuilderForType() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
newBuilderForType() - Method in class org.tensorflow.framework.GPUOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GPUOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.GradientDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GradientDef
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphDef
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.HistogramProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.HistogramProto
 
newBuilderForType() - Method in class org.tensorflow.framework.InterconnectLink
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.InterconnectLink
 
newBuilderForType() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
newBuilderForType() - Method in class org.tensorflow.framework.KernelDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.KernelDef
 
newBuilderForType() - Method in class org.tensorflow.framework.LocalLinks
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.LocalLinks
 
newBuilderForType() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
newBuilderForType() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
newBuilderForType() - Method in class org.tensorflow.framework.MemoryLogStep
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MemoryLogStep
 
newBuilderForType() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
newBuilderForType() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
newBuilderForType() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
newBuilderForType() - Method in class org.tensorflow.framework.MemoryStats
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MemoryStats
 
newBuilderForType() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
newBuilderForType() - Method in class org.tensorflow.framework.MetaGraphDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.MetaGraphDef
 
newBuilderForType() - Method in class org.tensorflow.framework.NameAttrList
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.NameAttrList
 
newBuilderForType() - Method in class org.tensorflow.framework.NamedTensorProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.NamedTensorProto
 
newBuilderForType() - Method in class org.tensorflow.framework.NodeDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.NodeDef
 
newBuilderForType() - Method in class org.tensorflow.framework.NodeExecStats
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.NodeExecStats
 
newBuilderForType() - Method in class org.tensorflow.framework.NodeOutput
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.NodeOutput
 
newBuilderForType() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.OpDef.ArgDef
 
newBuilderForType() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.OpDef.AttrDef
 
newBuilderForType() - Method in class org.tensorflow.framework.OpDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.OpDef
 
newBuilderForType() - Method in class org.tensorflow.framework.OpDeprecation
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.OpDeprecation
 
newBuilderForType() - Method in class org.tensorflow.framework.OpList
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.OpList
 
newBuilderForType() - Method in class org.tensorflow.framework.OptimizerOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.OptimizerOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.QueueRunnerDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.QueueRunnerDef
 
newBuilderForType() - Method in class org.tensorflow.framework.ReaderBaseState
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ReaderBaseState
 
newBuilderForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
newBuilderForType() - Method in class org.tensorflow.framework.ResourceHandleProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ResourceHandleProto
 
newBuilderForType() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
newBuilderForType() - Method in class org.tensorflow.framework.RewriterConfig
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RewriterConfig
 
newBuilderForType() - Method in class org.tensorflow.framework.RPCOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RPCOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.RunMetadata
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RunMetadata
 
newBuilderForType() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RunOptions.Experimental
 
newBuilderForType() - Method in class org.tensorflow.framework.RunOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.RunOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.SavedModel
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.SavedModel
 
newBuilderForType() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
newBuilderForType() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
newBuilderForType() - Method in class org.tensorflow.framework.SignatureDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.SignatureDef
 
newBuilderForType() - Method in class org.tensorflow.framework.StepStats
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.StepStats
 
newBuilderForType() - Method in class org.tensorflow.framework.Summary.Audio
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.Summary.Audio
 
newBuilderForType() - Method in class org.tensorflow.framework.Summary.Image
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.Summary.Image
 
newBuilderForType() - Method in class org.tensorflow.framework.Summary
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.Summary
 
newBuilderForType() - Method in class org.tensorflow.framework.Summary.Value
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.Summary.Value
 
newBuilderForType() - Method in class org.tensorflow.framework.SummaryDescription
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.SummaryDescription
 
newBuilderForType() - Method in class org.tensorflow.framework.SummaryMetadata
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.SummaryMetadata
 
newBuilderForType() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorConnection
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorConnection
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorDescription
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorDescription
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorInfo
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorInfo
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorProto
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorShapeProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorShapeProto
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
newBuilderForType() - Method in class org.tensorflow.framework.TensorSliceProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.TensorSliceProto
 
newBuilderForType() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
newBuilderForType() - Method in class org.tensorflow.framework.ValuesDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.ValuesDef
 
newBuilderForType() - Method in class org.tensorflow.framework.VariableDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.VariableDef
 
newBuilderForType() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.VariantTensorDataProto
 
newBuilderForType() - Method in class org.tensorflow.framework.VersionDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.VersionDef
 
newBuilderForType() - Method in class org.tensorflow.framework.WhileContextDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.framework.WhileContextDef
 
newBuilderForType() - Method in class org.tensorflow.util.BundleEntryProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.util.BundleEntryProto
 
newBuilderForType() - Method in class org.tensorflow.util.BundleHeaderProto
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.util.BundleHeaderProto
 
newBuilderForType() - Method in class org.tensorflow.util.IteratorStateMetadata
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.util.IteratorStateMetadata
 
newBuilderForType() - Method in class org.tensorflow.util.SaverDef
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class org.tensorflow.util.SaverDef
 
newBuilderForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
newBuilderForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
newBuilderForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
newBuilderForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
newBuilderForType() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
newBuilderForType() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
newBuilderForType() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
newBuilderForType() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
newBuilderForType() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
newBuilderForType(GeneratedMessageV3.BuilderParent) - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
newCloner() - Static method in class org.nd4j.autodiff.samediff.SameDiff
 
newShape(long[], char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
newShapeNoCopy(INDArray, int[], boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
 
newShapeNoCopy(INDArray, long[], 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 opType 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 opType 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 opType that belongs to the current NormalizerStrategy implementation
newStrides(int[], int, INDArrayIndex[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
newVarId(String, String, int, AbstractSession.FrameIter) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
newVarId(String, AbstractSession.FrameIter) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
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(int) - Method in class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
next() - Method in class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
next(int) - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
next() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
next(int) - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
next() - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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 interface org.nd4j.linalg.dataset.api.iterator.BlockDataSetIterator
This method tries to fetch specified number of DataSets and returns them
next(int) - Method in interface org.nd4j.linalg.dataset.api.iterator.BlockMultiDataSetIterator
This method tries to fetch specified number of DataSets and returns them
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 class org.nd4j.linalg.indexing.SpecifiedIndex.SingleGenerator
 
next() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex.SparseSingleGenerator
 
next() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex.SparseSpecifiedIndexesGenerator
 
next() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex.SpecifiedIndexesGenerator
 
NEXT_STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.StepSequence
 
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(long[]) - 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(char, long[]) - 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(long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
nextDouble(char, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a uniform number ndarray of the specified shape and order
nextDouble(char, long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
nextFloat() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextFloat(long[]) - 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(char, long[]) - 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(long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
nextFloat(char, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a uniform number ndarray of the specified shape
nextFloat(char, long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
nextFold() - Method in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
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(long[]) - 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(char, long[]) - 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(long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
nextGaussian(char, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a gaussian number ndarray of the specified shape and order
nextGaussian(char, long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
nextInt() - 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(int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextInt(long[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextInt(int, int[]) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nextInt(int, long[]) - 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, 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(long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
nextInt(int, int[]) - Method in interface org.nd4j.linalg.api.rng.Random
Generate a random set of integers of the specified shape.
nextInt(int, long[]) - Method in interface org.nd4j.linalg.api.rng.Random
 
NextIteration - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
 
NextIteration() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
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.
NHWC - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv2DConfig
 
NHWC - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv2DConfig
 
nn - Variable in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for general neural network operations
nn() - Method in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for general neural network operations
nnz() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
nnz() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
nnz() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return the number of non-null element
nnz() - Method in interface org.nd4j.linalg.api.ndarray.ISparseNDArray
Return the number of non-null element
NO_MEM_OPT_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.MemOptType
Disabled in the meta-optimizer.
NO_TRACE_VALUE - Static variable in enum org.tensorflow.framework.RunOptions.TraceLevel
NO_TRACE = 0;
Node - Class in org.nd4j.autodiff.execution
Intermediate Node representation
Node() - Constructor for class org.nd4j.autodiff.execution.Node
 
NODE_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.FunctionDef
 
NODE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.GraphProto
 
NODE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.GraphProto
 
NODE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef
 
NODE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphDef
 
NODE_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
NODE_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInfo
 
NODE_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInput
 
NODE_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
NODE_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
NODE_ID_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
NODE_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferInfo
 
NODE_INPUT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
NODE_INPUT_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferInfo
 
NODE_LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef
 
NODE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebugTensorWatch
 
NODE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
NODE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
NODE_OUTPUT_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferInfo
 
NODE_STATS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceStepStats
 
NodeDef - Class in org.tensorflow.framework
Protobuf type tensorflow.NodeDef
NodeDef.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.NodeDef
NodeDefOrBuilder - Interface in org.tensorflow.framework
 
NodeDescriptor() - Constructor for class org.nd4j.autodiff.execution.input.Operands.NodeDescriptor
 
NodeExecStats - Class in org.tensorflow.framework
Time/size stats recorded for a single execution of a graph node.
NodeExecStats.Builder - Class in org.tensorflow.framework
Time/size stats recorded for a single execution of a graph node.
NodeExecStatsOrBuilder - Interface in org.tensorflow.framework
 
NodeOutput - Class in org.tensorflow.framework
Output sizes recorded for a single execution of a graph node.
NodeOutput.Builder - Class in org.tensorflow.framework
Output sizes recorded for a single execution of a graph node.
NodeOutputOrBuilder - Interface in org.tensorflow.framework
 
nodeOutputs - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
NodeProto - Class in org.tensorflow.framework
 
nodes(int) - Method in class org.nd4j.graph.FlatGraph
 
nodes(FlatNode, int) - Method in class org.nd4j.graph.FlatGraph
 
NODES_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
nodesByName(GRAPH_TYPE) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
nodesByName(GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the nodes sorted by n ame from a given graph
nodesForIf(NodeDef, GraphDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
Returns the node for an if statement
nodesLength() - Method in class org.nd4j.graph.FlatGraph
 
NodeState - Class in org.nd4j.autodiff.samediff.flow
This class describe Node state during execution time.
NodeState(String) - Constructor for class org.nd4j.autodiff.samediff.flow.NodeState
 
nodeState() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
nodeState() - Method in interface org.nd4j.linalg.api.rng.Random
 
noGcWindow - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
NONE - Static variable in class org.nd4j.graph.ProfilingMode
 
none() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
none() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
none() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
none() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method checks if any of the elements within this array are non-zero (or true, in case of boolean)
NonMaxSuppression - Class in org.nd4j.linalg.api.ops.impl.image
IdentityN op wrapper
NonMaxSuppression() - Constructor for class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
NonMaxSuppression(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
noop(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
noOp() - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
noOp() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
NoOp - Class in org.nd4j.linalg.api.ops
 
NoOp() - Constructor for class org.nd4j.linalg.api.ops.NoOp
 
NoOp(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.NoOp
 
noOp() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
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 - 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
 
NoOpNameFoundException - Exception in org.nd4j.imports
 
NoOpNameFoundException() - Constructor for exception org.nd4j.imports.NoOpNameFoundException
 
NoOpNameFoundException(String) - Constructor for exception org.nd4j.imports.NoOpNameFoundException
 
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
 
NOP_VALUE - Static variable in enum org.tensorflow.framework.GraphTransferInfo.Destination
NOP = 0;
norm1(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
norm1(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Norm1 (L1 norm) reduction operation: The output contains the L1 norm for each tensor/subset along the specified dimensions:
out = sum_i abs(x[i])
norm1(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Norm1 (L1 norm) reduction operation: The output contains the L1 norm for each tensor/subset along the specified dimensions:
out = sum_i abs(x[i])
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
norm1(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
norm1(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
norm1(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
norm1(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Norm1 (L1 norm) reduction operation: The output contains the L1 norm for each tensor/subset along the specified dimensions:
out = sum_i abs(x[i])
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
norm1(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the norm1 along the specified dimension
norm1(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.floating
Sum of absolute values
Norm1(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
Norm1() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
Norm1(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
Norm1(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
norm1(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm1(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm1Bp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
Norm1Bp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Norm1 reduction operation
Norm1Bp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm1Bp
 
Norm1Bp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm1Bp
 
Norm1Bp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm1Bp
 
norm1Number() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
norm1Number() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
norm2(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Norm2 (L2 norm) reduction operation: The output contains the L2 norm for each tensor/subset along the specified dimensions:
out = sqrt(sum_i x[i]^2)
norm2(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Norm2 (L2 norm) reduction operation: The output contains the L2 norm for each tensor/subset along the specified dimensions:
out = sqrt(sum_i x[i]^2)
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
norm2(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
norm2(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
norm2(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
norm2(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Norm2 (L2 norm) reduction operation: The output contains the L2 norm for each tensor/subset along the specified dimensions:
out = sqrt(sum_i x[i]^2)
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
norm2(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the norm2 along the specified dimension
norm2(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.floating
Sum of squared values (real) Sum of squared complex modulus (complex)
Norm2(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
Norm2() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
Norm2(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
Norm2(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
norm2(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm2(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
norm2Bp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
Norm2Bp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Norm2 reduction operation
Norm2Bp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm2Bp
 
Norm2Bp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm2Bp
 
Norm2Bp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm2Bp
 
norm2Number() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
norm2Number() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
normal(double, double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
normal(String, double, double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Gaussian (normal) distribution, N(mean, stdev)
See SDRandom.normal(String, double, double, long...) for the equivalent function where the shape is specified as a long[] instead
normal(double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
normal(String, double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Gaussian (normal) distribution, N(mean, stdev)
See SDRandom.normal(String, double, double, SDVariable) for the equivalent function where the shape is specified as a long[] instead
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
 
normalizeAxis(int, int...) - Static method in class org.nd4j.linalg.api.shape.Shape
 
normalizeMatrix(INDArray) - Static method in class org.nd4j.linalg.util.FeatureUtil
 
normalizeMoments(SDVariable, SDVariable, SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
normalizeMoments(SDVariable, SDVariable, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
normalizeMoments(String[], SDVariable, SDVariable, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Calculate the mean and variance from the sufficient statistics
NormalizeMoments - Class in org.nd4j.linalg.api.ops.impl.reduce
 
NormalizeMoments(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
NormalizeMoments(SameDiff, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
NormalizeMoments(INDArray, INDArray, INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
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 opType 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 opType 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.
normalTruncated(double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
normalTruncated(String, double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a Gaussian (normal) distribution, N(mean, stdev).
normmax(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
normmax(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Max norm (infinity norm) reduction operation: The output contains the max norm for each tensor/subset along the specified dimensions
normmax(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Max norm (infinity norm) reduction operation: The output contains the max norm for each tensor/subset along the specified dimensions:
out = max(abs(x[i]))
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
normmax(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
normmax(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
normmax(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
normmax(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Max norm (infinity norm) reduction operation: The output contains the max norm for each tensor/subset along the specified dimensions:
out = max(abs(x[i]))
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
normmax(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the normmax along the specified dimension
normmax(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.floating
The max absolute value
NormMax(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
NormMax(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
NormMax() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
NormMax(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
NormMax(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
normmax(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
normmax(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
normmaxBp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
NormMaxBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Norm Max reduction operation
NormMaxBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.NormMaxBp
 
NormMaxBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.NormMaxBp
 
NormMaxBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.NormMaxBp
 
normmaxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
normmaxNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.pairwise.bool
Boolean AND pairwise transform
Not(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
Not() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
Not(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.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
 
NOT_FOUND_VALUE - Static variable in enum org.tensorflow.framework.Code
Some requested entity (e.g., file or directory) was not found.
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
 
NotEqualTo - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
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.custom.NotEqualTo
 
NotEqualTo(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
NotEqualTo(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
notFinite() - Static method in class org.nd4j.linalg.indexing.conditions.Conditions
 
NotFinite - Class in org.nd4j.linalg.indexing.conditions
Created by agibsonccc on 10/8/14.
NotFinite() - Constructor for class org.nd4j.linalg.indexing.conditions.NotFinite
 
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
notifyScopeBorrowed(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
notifyScopeBorrowed(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Borrow the scope for the specified array type
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.
notifyScopeEntered(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
notifyScopeEntered(T...) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
notifyScopeEntered(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
 
notifyScopeEntered(T...) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Open/enter multiple workspaces.
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(INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
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(INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
nrm2(INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
nrm2(INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute || x ||_2 (2-norm)
NthElement - Class in org.nd4j.linalg.api.ops.impl.transforms
NthElement op wrapper
NthElement() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
nTimes(INDArrayIndex, int) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Repeat a copy of copy n times
NUM_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
NUM_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufResponse
 
NUM_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawAllocation
 
NUM_CHANNELS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Audio
 
NUM_CORES_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
NUM_FIELD_NUMBER - Static variable in class org.tensorflow.framework.HistogramProto
 
NUM_RECORDS_PRODUCED_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ReaderBaseState
 
NUM_REGISTERS_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
NUM_REPLICAS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AutoParallelOptions
 
NUM_SHARDS_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleHeaderProto
 
NUM_TASKS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupResponse
 
NUM_THREADS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ThreadPoolOptionProto
 
NUMA_NODE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceLocality
 
numBArguments() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
numBArguments() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
numBArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
numBArguments() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
numBArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
numBArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
NUMBER_ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.ArgDef
 
numbins() - Method in class org.nd4j.graph.UIHistogram
 
numClasses() - Method in class org.nd4j.evaluation.classification.Evaluation
 
numClasses() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
numColumns() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
numElements() - Method in class org.nd4j.autodiff.samediff.SameDiff
Count the number of elements in all arrays, according to SDVariable.getShape()
NUMERIC - Static variable in class org.nd4j.graph.InputType
 
NUMERIC_SET - Static variable in class org.nd4j.graph.InputType
 
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.DataSet
 
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
 
numIArguments() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
numIArguments() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
numIArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
numIArguments() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
numIArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
numIArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
numInputArguments() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
numInputArguments() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
numInputArguments() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
numInputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
numInputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
numInputs - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
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
numInputsFor(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the number of inputs for a node.
numInputsFor(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
numInputsFor(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
numIterations - Variable in class org.nd4j.linalg.learning.AdaGradUpdater
 
numIterations - Variable in class org.nd4j.linalg.learning.legacy.AdaGrad
 
numLabels() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Returns the number of labels - (i.e., size of the prediction/labels arrays) - if known.
numLabels() - Method in class org.nd4j.evaluation.classification.ROCBinary
Returns the number of labels - (i.e., size of the prediction/labels arrays) - if known.
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
 
numLooped - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
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
 
numOutputArguments() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
numOutputArguments() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
numOutputArguments() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
numOutputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
numOutputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
numOutputArguments() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Assert
 
numOutputArguments() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
numOutputArguments() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
numOutputs - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
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() - Method in class org.nd4j.evaluation.curves.BaseCurve
 
numPoints() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
numPoints() - Method in class org.nd4j.evaluation.curves.Histogram
 
numPoints() - Method in class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
numPoints() - Method in class org.nd4j.evaluation.curves.ReliabilityDiagram
 
numPoints() - Method in class org.nd4j.evaluation.curves.RocCurve
 
numPoints(INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Number of point indexes
numRowCounter - Variable in class org.nd4j.evaluation.classification.Evaluation
 
numSegments - Variable in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
numTArguments() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
numTArguments() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
numTArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
numTArguments() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
numTArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
numTArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
numThreads() - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns maximal allowed number of threads for Nd4j.
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
NWC - Static variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv1DConfig
 

O

OBSOLETE_OLD_STYLE_HISTOGRAM_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
OFF_VALUE - Static variable in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
OFF = -1;
OFF_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.Toggle
OFF = 2;
offset() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
offset() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Deprecated.
offset(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Deprecated.
offset(LongBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Deprecated.
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, long...) - 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(long[], long[]) - 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.NewAxis
 
offset() - Method in class org.nd4j.linalg.indexing.PointIndex
 
offset() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
OFFSET_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleEntryProto
 
offsetForSlice(INDArray, int) - Static method in class org.nd4j.linalg.util.NDArrayMath
Compute the offset for a given slice
offsets(long[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
The offsets (begin index) for each index
OK_VALUE - Static variable in enum org.tensorflow.framework.Code
Not an error; returned on success
OldAddOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Add operation for two operands
OldAddOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
OldAddOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
OldAddOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
OldAddOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
OldAddOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
OldAddOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
OldAtan2Op - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
atan2 operation
OldAtan2Op(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
OldAtan2Op(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
OldAtan2Op(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
OldAtan2Op(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
OldAtan2Op() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
OldAtan2Op(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
OldAtan2Op(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
OldConvolution - Class in org.nd4j.linalg.convolution
 
OldDivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Division operation
OldDivOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
OldDivOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
OldDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
OldDivOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
OldDivOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
OldDivOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
OldEqualTo - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Bit mask over the ndarrays as to whether the components are equal or not
OldEqualTo(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldEqualTo(SameDiff, SDVariable, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldEqualTo(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldEqualTo(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldEqualTo(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldEqualTo() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldEqualTo(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldEqualTo(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
OldFloorDivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Truncated division operation
OldFloorDivOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
OldFloorDivOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
OldFloorDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
OldFloorDivOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
OldFloorDivOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
OldFloorDivOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
OldFModOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Floating point remainder
OldFModOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldFModOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldFModOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldFModOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldFModOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldFModOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldFModOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldFModOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
OldGreaterThan - 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
OldGreaterThan(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThan(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThan(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThan(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThan(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
OldGreaterThanOrEqual - 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
OldGreaterThanOrEqual(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
OldGreaterThanOrEqual(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
OldGreaterThanOrEqual(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
OldGreaterThanOrEqual(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
OldGreaterThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
OldGreaterThanOrEqual(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
OldGreaterThanOrEqual(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
OldIdentity - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Identity function
OldIdentity(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
OldIdentity() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
OldIdentity(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
OldIdentity(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
OldLessThan - 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
OldLessThan(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThan(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThan(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThan(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThan(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
OldLessThanOrEqual - 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
OldLessThanOrEqual(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(SameDiff, SDVariable, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(SameDiff, SDVariable, long[], boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(SameDiff, SDVariable, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLessThanOrEqual(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
OldLogSoftMax - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Old LogSoftMax function
OldLogSoftMax(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
OldLogSoftMax(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
OldLogSoftMax(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
OldLogSoftMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
OldLogSoftMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
OldLogSoftMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
OldMax - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Max function
OldMax(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMax(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMax(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMax(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMax(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
OldMin - Class in org.nd4j.linalg.api.ops.impl.transforms.comparison
Min function
OldMin(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMin(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMin(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMin(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMin(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
OldMulOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Multiplication operation
OldMulOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
OldMulOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
OldMulOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
OldMulOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
OldMulOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
OldMulOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
OldNotEqualTo - 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
OldNotEqualTo(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
OldNotEqualTo(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
OldNotEqualTo() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
OldNotEqualTo(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
OldNotEqualTo(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
OldNotEqualTo(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
OldRDivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
OldReverse Division operation
OldRDivOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
OldRDivOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
OldRDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
OldRDivOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
OldRDivOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
OldRDivOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
OldReverse - Class in org.nd4j.linalg.api.ops.impl.transforms.same
OldReverse op
OldReverse(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
OldReverse() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
OldReverse(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
OldReverse(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
OldSoftMax - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
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.
OldSoftMax(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
OldSoftMax(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
OldSoftMax(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
OldSoftMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
OldSoftMax(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
OldSoftMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
OldSubOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Division operation
OldSubOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
OldSubOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
OldSubOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
OldSubOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
OldSubOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
OldSubOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
OMP_THREADS_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
OmpNumThreadsAction - Class in org.nd4j.linalg.env.impl
 
OmpNumThreadsAction() - Constructor for class org.nd4j.linalg.env.impl.OmpNumThreadsAction
 
ON_1_VALUE - Static variable in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
The following settings turn on compilation, with higher values being more aggressive.
ON_2_VALUE - Static variable in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
ON_2 = 2;
ON_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.Toggle
ON = 1;
one(String, int...) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
one(String, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
one(String, DataType, int...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new variable with the specified shape, with all values initialized to 1.0
one(String, DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new variable with the specified shape, with all values initialized to 1.0
ONE_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
ONE = 1;
onehot(SDVariable, int, int, double, double, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
onehot(SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
oneHot(SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
oneHot(String, SDVariable, int, int, double, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Convert the array to a one-hot array with walues on and off for each entry
If input has shape [ a, ..., n] then output has shape [ a, ..., n, depth], with out[i, ..., j, in[i,...,j]] = on with other values being set to off
oneHot(String, SDVariable, int, int, double, double, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
As per SDBaseOps.oneHot(String, SDVariable, int, int, double, double) but allows configuring the output datatype
oneHot(SDVariable, int, int, double, double) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
oneHot(SDVariable, int, int, double, double, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
oneHot(String, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Convert the array to a one-hot array with walues 0 and 1 for each entry
If input has shape [ a, ..., n] then output has shape [ a, ..., n, depth], with out[i, ..., j, in[i,...,j]] = 1 with other values being set to 0
OneHot - Class in org.nd4j.linalg.api.ops.impl.shape
Created by susaneraly on 3/14/18.
OneHot() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
OneHot(SameDiff, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
OneHot(SameDiff, SDVariable, int, int, double, double, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
OneHot(INDArray, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
OneHot(INDArray, INDArray, int, int, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
OneInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to one.
OneInitScheme(char) - Constructor for class org.nd4j.weightinit.impl.OneInitScheme
 
OneMinus - Class in org.nd4j.linalg.api.ops.impl.transforms.same
1 - input
OneMinus(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
OneMinus() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
OneMinus(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
OneMinus(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
ones(long, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
ones(long) - 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(long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
ones(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates a row vector with the specified number of columns
ones(DataType, int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
ones(DataType, long...) - 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(long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
ones(long, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
ones(long) - 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
ones(long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
onesLike(String, SDVariable, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
onesLike(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return a variable of all 1s, with the same shape as the input variable.
onesLike(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return a variable of all 1s, with the same shape as the input variable.
onesLike(String, SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
As per SDBaseOps.onesLike(String, SDVariable) but the output datatype may be specified
OnesLike - Class in org.nd4j.linalg.api.ops.impl.shape
OnesLike function - gives an output array with all values/entries being 1, with the same shape as the input.
OnesLike() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
OnesLike(String, SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
OnesLike(String, SameDiff, SDVariable, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
onesLike(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Ones like
onnx - package onnx
 
OnnxDescriptor - Class in org.nd4j.imports.descriptors.onnx
 
OnnxDescriptor() - Constructor for class org.nd4j.imports.descriptors.onnx.OnnxDescriptor
 
OnnxDescriptorParser - Class in org.nd4j.imports.descriptors.onnx
Load all of the onnx op descriptors from the classpath.
OnnxDescriptorParser() - Constructor for class org.nd4j.imports.descriptors.onnx.OnnxDescriptorParser
 
OnnxGraphMapper - Class in org.nd4j.imports.graphmapper.onnx
A mapper for onnx graphs to SameDiff instances.
OnnxGraphMapper() - Constructor for class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
OnnxMlProto3 - Class in onnx
 
OnnxMlProto3.AttributeProto - Class in onnx
A named attribute containing either singular float, integer, string and tensor values, or repeated float, integer, string and tensor values.
OnnxMlProto3.AttributeProto.AttributeType - Enum in onnx
Note: this enum is structurally identical to the OpSchema::AttrType enum defined in schema.h.
OnnxMlProto3.AttributeProto.Builder - Class in onnx
A named attribute containing either singular float, integer, string and tensor values, or repeated float, integer, string and tensor values.
OnnxMlProto3.AttributeProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.GraphProto - Class in onnx
GraphProto defines a parameterized series of nodes to form a directed acyclic graph.
OnnxMlProto3.GraphProto.Builder - Class in onnx
GraphProto defines a parameterized series of nodes to form a directed acyclic graph.
OnnxMlProto3.GraphProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.ModelProto - Class in onnx
ModelProto is a top-level file/container format for bundling a ML model.
OnnxMlProto3.ModelProto.Builder - Class in onnx
ModelProto is a top-level file/container format for bundling a ML model.
OnnxMlProto3.ModelProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.NodeProto - Class in onnx
NodeProto stores a node that is similar to the notion of "layer" or "operator" in many deep learning frameworks.
OnnxMlProto3.NodeProto.Builder - Class in onnx
NodeProto stores a node that is similar to the notion of "layer" or "operator" in many deep learning frameworks.
OnnxMlProto3.NodeProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.OperatorSetIdProto - Class in onnx
OperatorSets are uniquely identified by a (domain, opset_version) pair.
OnnxMlProto3.OperatorSetIdProto.Builder - Class in onnx
OperatorSets are uniquely identified by a (domain, opset_version) pair.
OnnxMlProto3.OperatorSetIdProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.StringStringEntryProto - Class in onnx
StringStringEntryProto follows the pattern for cross-proto-version maps.
OnnxMlProto3.StringStringEntryProto.Builder - Class in onnx
StringStringEntryProto follows the pattern for cross-proto-version maps.
OnnxMlProto3.StringStringEntryProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.TensorProto - Class in onnx
A message defined to store a tensor in its serialized format.
OnnxMlProto3.TensorProto.Builder - Class in onnx
A message defined to store a tensor in its serialized format.
OnnxMlProto3.TensorProto.DataType - Enum in onnx
Protobuf enum onnx.TensorProto.DataType
OnnxMlProto3.TensorProto.Segment - Class in onnx
For very large tensors, we may want to store them in chunks, in which case the following fields will specify the segment that is stored in the current TensorProto.
OnnxMlProto3.TensorProto.Segment.Builder - Class in onnx
For very large tensors, we may want to store them in chunks, in which case the following fields will specify the segment that is stored in the current TensorProto.
OnnxMlProto3.TensorProto.SegmentOrBuilder - Interface in onnx
 
OnnxMlProto3.TensorProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.TensorShapeProto - Class in onnx
Defines a tensor shape.
OnnxMlProto3.TensorShapeProto.Builder - Class in onnx
Defines a tensor shape.
OnnxMlProto3.TensorShapeProto.Dimension - Class in onnx
Protobuf type onnx.TensorShapeProto.Dimension
OnnxMlProto3.TensorShapeProto.Dimension.Builder - Class in onnx
Protobuf type onnx.TensorShapeProto.Dimension
OnnxMlProto3.TensorShapeProto.Dimension.ValueCase - Enum in onnx
 
OnnxMlProto3.TensorShapeProto.DimensionOrBuilder - Interface in onnx
 
OnnxMlProto3.TensorShapeProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.TypeProto - Class in onnx
Define the types.
OnnxMlProto3.TypeProto.Builder - Class in onnx
Define the types.
OnnxMlProto3.TypeProto.Map - Class in onnx
map<K,V>
OnnxMlProto3.TypeProto.Map.Builder - Class in onnx
map<K,V>
OnnxMlProto3.TypeProto.MapOrBuilder - Interface in onnx
 
OnnxMlProto3.TypeProto.Sequence - Class in onnx
repeated T
OnnxMlProto3.TypeProto.Sequence.Builder - Class in onnx
repeated T
OnnxMlProto3.TypeProto.SequenceOrBuilder - Interface in onnx
 
OnnxMlProto3.TypeProto.Tensor - Class in onnx
Protobuf type onnx.TypeProto.Tensor
OnnxMlProto3.TypeProto.Tensor.Builder - Class in onnx
Protobuf type onnx.TypeProto.Tensor
OnnxMlProto3.TypeProto.TensorOrBuilder - Interface in onnx
 
OnnxMlProto3.TypeProto.ValueCase - Enum in onnx
 
OnnxMlProto3.TypeProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.ValueInfoProto - Class in onnx
Defines information on value, including the name, the type, and the shape of the value.
OnnxMlProto3.ValueInfoProto.Builder - Class in onnx
Defines information on value, including the name, the type, and the shape of the value.
OnnxMlProto3.ValueInfoProtoOrBuilder - Interface in onnx
 
OnnxMlProto3.Version - Enum in onnx
To be compatible with both proto2 and proto3, we will use a version number that is not defined by the default value but an explicit enum number.
onnxName() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The opName of this function in onnx
onnxName() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
onnxName() - Method in class org.nd4j.linalg.api.ops.DefaultOpConverter
 
onnxName() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAdd
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastTo
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNormDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D
Deprecated.
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalizationDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2DDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRU
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRUCell
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.loss.WeightedCrossEntropyLoss
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.All
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountNonZero
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountZero
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.ZeroFraction
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Step
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ApplyGradientDescent
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.BroadcastDynamicShape
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.GatherNd
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Size
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Slice
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Angle
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ATan2
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.BatchToSpace
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InvertPermutation
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Reverse
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.XwPlusB
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Zeta
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SquaredDifferenceBpOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorModOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RealDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReluLayer
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
onnxName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
onnxName() - Method in class org.nd4j.linalg.api.ops.NoOp
 
onnxName() - Method in class org.nd4j.linalg.api.ops.persistence.RestoreV2
 
onnxName() - Method in class org.nd4j.linalg.api.ops.persistence.SaveV2
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.Choice
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
onnxName() - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
onnxNames() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The opName of this function in onnx
onnxNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
onnxNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
onnxOpDescriptors() - Static method in class org.nd4j.imports.descriptors.onnx.OnnxDescriptorParser
Get the onnx op descriptors by name
OnnxOperatorsProto3 - Class in onnx
 
OnnxOperatorsProto3.OperatorProto - Class in onnx
An OperatorProto represents the immutable specification of the signature and semantics of an operator.
OnnxOperatorsProto3.OperatorProto.Builder - Class in onnx
An OperatorProto represents the immutable specification of the signature and semantics of an operator.
OnnxOperatorsProto3.OperatorProto.OperatorStatus - Enum in onnx
Protobuf enum onnx.OperatorProto.OperatorStatus
OnnxOperatorsProto3.OperatorProtoOrBuilder - Interface in onnx
 
OnnxOperatorsProto3.OperatorSetProto - Class in onnx
An OperatorSetProto represents an immutable set of immutable operator specifications.
OnnxOperatorsProto3.OperatorSetProto.Builder - Class in onnx
An OperatorSetProto represents an immutable set of immutable operator specifications.
OnnxOperatorsProto3.OperatorSetProtoOrBuilder - Interface in onnx
 
OnnxProto3 - Class in onnx
 
OnnxProto3.AttributeProto - Class in onnx
A named attribute containing either singular float, integer, string and tensor values, or repeated float, integer, string and tensor values.
OnnxProto3.AttributeProto.AttributeType - Enum in onnx
Note: this enum is structurally identical to the OpSchema::AttrType enum defined in schema.h.
OnnxProto3.AttributeProto.Builder - Class in onnx
A named attribute containing either singular float, integer, string and tensor values, or repeated float, integer, string and tensor values.
OnnxProto3.AttributeProtoOrBuilder - Interface in onnx
 
OnnxProto3.GraphProto - Class in onnx
GraphProto defines a parameterized series of nodes to form a directed acyclic graph.
OnnxProto3.GraphProto.Builder - Class in onnx
GraphProto defines a parameterized series of nodes to form a directed acyclic graph.
OnnxProto3.GraphProtoOrBuilder - Interface in onnx
 
OnnxProto3.ModelProto - Class in onnx
ModelProto is a top-level file/container format for bundling a ML model.
OnnxProto3.ModelProto.Builder - Class in onnx
ModelProto is a top-level file/container format for bundling a ML model.
OnnxProto3.ModelProtoOrBuilder - Interface in onnx
 
OnnxProto3.NodeProto - Class in onnx
NodeProto stores a node that is similar to the notion of "layer" or "operator" in many deep learning frameworks.
OnnxProto3.NodeProto.Builder - Class in onnx
NodeProto stores a node that is similar to the notion of "layer" or "operator" in many deep learning frameworks.
OnnxProto3.NodeProtoOrBuilder - Interface in onnx
 
OnnxProto3.OperatorSetIdProto - Class in onnx
OperatorSets are uniquely identified by a (domain, opset_version) pair.
OnnxProto3.OperatorSetIdProto.Builder - Class in onnx
OperatorSets are uniquely identified by a (domain, opset_version) pair.
OnnxProto3.OperatorSetIdProtoOrBuilder - Interface in onnx
 
OnnxProto3.StringStringEntryProto - Class in onnx
StringStringEntryProto follows the pattern for cross-proto-version maps.
OnnxProto3.StringStringEntryProto.Builder - Class in onnx
StringStringEntryProto follows the pattern for cross-proto-version maps.
OnnxProto3.StringStringEntryProtoOrBuilder - Interface in onnx
 
OnnxProto3.TensorProto - Class in onnx
A message defined to store a tensor in its serialized format.
OnnxProto3.TensorProto.Builder - Class in onnx
A message defined to store a tensor in its serialized format.
OnnxProto3.TensorProto.DataType - Enum in onnx
Protobuf enum onnx.TensorProto.DataType
OnnxProto3.TensorProto.Segment - Class in onnx
For very large tensors, we may want to store them in chunks, in which case the following fields will specify the segment that is stored in the current TensorProto.
OnnxProto3.TensorProto.Segment.Builder - Class in onnx
For very large tensors, we may want to store them in chunks, in which case the following fields will specify the segment that is stored in the current TensorProto.
OnnxProto3.TensorProto.SegmentOrBuilder - Interface in onnx
 
OnnxProto3.TensorProtoOrBuilder - Interface in onnx
 
OnnxProto3.TensorShapeProto - Class in onnx
Defines a tensor shape.
OnnxProto3.TensorShapeProto.Builder - Class in onnx
Defines a tensor shape.
OnnxProto3.TensorShapeProto.Dimension - Class in onnx
Protobuf type onnx.TensorShapeProto.Dimension
OnnxProto3.TensorShapeProto.Dimension.Builder - Class in onnx
Protobuf type onnx.TensorShapeProto.Dimension
OnnxProto3.TensorShapeProto.Dimension.ValueCase - Enum in onnx
 
OnnxProto3.TensorShapeProto.DimensionOrBuilder - Interface in onnx
 
OnnxProto3.TensorShapeProtoOrBuilder - Interface in onnx
 
OnnxProto3.TypeProto - Class in onnx
Define the types.
OnnxProto3.TypeProto.Builder - Class in onnx
Define the types.
OnnxProto3.TypeProto.Tensor - Class in onnx
Protobuf type onnx.TypeProto.Tensor
OnnxProto3.TypeProto.Tensor.Builder - Class in onnx
Protobuf type onnx.TypeProto.Tensor
OnnxProto3.TypeProto.TensorOrBuilder - Interface in onnx
 
OnnxProto3.TypeProto.ValueCase - Enum in onnx
 
OnnxProto3.TypeProtoOrBuilder - Interface in onnx
 
OnnxProto3.ValueInfoProto - Class in onnx
Defines information on value, including the name, the type, and the shape of the value.
OnnxProto3.ValueInfoProto.Builder - Class in onnx
Defines information on value, including the name, the type, and the shape of the value.
OnnxProto3.ValueInfoProtoOrBuilder - Interface in onnx
 
OnnxProto3.Version - Enum in onnx
To be compatible with both proto2 and proto3, we will use a version number that is not defined by the default value but an explicit enum number.
op - Variable in class org.nd4j.autodiff.samediff.internal.SameDiffOp
 
op - Variable in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
Op - Interface in org.nd4j.linalg.api.ops
An op is defined as follows: opName: opName 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.Type - Enum in org.nd4j.linalg.api.ops
 
OP_END_REL_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
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_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDefs
 
OP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.KernelDef
 
OP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeDef
 
OP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpList
 
OP_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
OP_ID_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
OP_NAME - Static variable in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
OP_START_REL_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
OP_TIMING - Static variable in class org.nd4j.graph.UIEventType
 
OP_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.NodeProto
 
OP_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorProto
 
OP_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.NodeProto
 
OpClass - Class in org.nd4j.graph
 
OpContext - Interface in org.nd4j.linalg.api.ops
This interface describes OpContext, abstraction used to setup op for execution.
OpDef - Class in org.tensorflow.framework
Defines an operation.
OpDef.ArgDef - Class in org.tensorflow.framework
For describing inputs and outputs.
OpDef.ArgDef.Builder - Class in org.tensorflow.framework
For describing inputs and outputs.
OpDef.ArgDefOrBuilder - Interface in org.tensorflow.framework
 
OpDef.AttrDef - Class in org.tensorflow.framework
Description of the graph-construction-time configuration of this Op.
OpDef.AttrDef.Builder - Class in org.tensorflow.framework
Description of the graph-construction-time configuration of this Op.
OpDef.AttrDefOrBuilder - Interface in org.tensorflow.framework
 
OpDef.Builder - Class in org.tensorflow.framework
Defines an operation.
OpDefOrBuilder - Interface in org.tensorflow.framework
 
OpDefProtos - Class in org.tensorflow.framework
 
OpDeprecation - Class in org.tensorflow.framework
Information about version-dependent deprecation of an op
OpDeprecation.Builder - Class in org.tensorflow.framework
Information about version-dependent deprecation of an op
OpDeprecationOrBuilder - Interface in org.tensorflow.framework
 
OpDescriptor - Class in org.nd4j.imports.descriptors.onnx
 
OpDescriptor() - Constructor for class org.nd4j.imports.descriptors.onnx.OpDescriptor
 
OpDescriptor - Class in org.nd4j.linalg.api.ops.grid
 
OpDescriptor(Op) - Constructor for class org.nd4j.linalg.api.ops.grid.OpDescriptor
 
opDescs() - Static method in class org.nd4j.imports.descriptors.tensorflow.TensorflowDescriptorParser
Get the op descriptors for tensorflow
Operands - Class in org.nd4j.autodiff.execution.input
This class
Operands() - Constructor for class org.nd4j.autodiff.execution.input.Operands
 
Operands.NodeDescriptor - Class in org.nd4j.autodiff.execution.input
 
OperandsAdapter<T> - Interface in org.nd4j.autodiff.execution.input
This interface describes adapter that wraps Operands for custom datatypes.
OPERATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawAllocation
 
OPERATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawDeallocation
 
OPERATION_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
OPERATION_TIMEOUT_IN_MS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
OPERATOR_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
OpExecutioner - Interface in org.nd4j.linalg.api.ops.executioner
An operation executioner handles storage specific details of executing an operation
OpExecutioner.ExecutionerType - 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
opHash() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
This method returns LongHash of the opName()
opHash() - Method in interface org.nd4j.linalg.api.ops.CustomOp
This method returns LongHash of the opName()
opHash - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
opHash() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
This method returns LongHash of the opName()
opHash() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
opHash() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
opHash() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
OpImportFilter<GRAPH_TYPE,NODE_TYPE,ATTR_TYPE> - Interface in org.nd4j.imports.graphmapper
Define whether the operation should be skipped during import
OpImportOverride<GRAPH_TYPE,NODE_TYPE,ATTR_TYPE> - Interface in org.nd4j.imports.graphmapper
An interface for overriding the import of an operation
opInfoString(Op, Optional<int[]>) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Get the information about the op in a String representation, for throwing more useful exceptions (mainly for debugging)
opInputMatchPredicates - Variable in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
 
opInputSubgraphPredicates - Variable in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
 
OpList - Class in org.tensorflow.framework
A collection of OpDefs
OpList.Builder - Class in org.tensorflow.framework
A collection of OpDefs
OpListOrBuilder - Interface in org.tensorflow.framework
 
opName() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The name of the op
opName() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
opName() - Method in class org.nd4j.graph.FlatNode
 
opName() - Method in class org.nd4j.graph.UIOp
 
opName() - Method in class org.nd4j.linalg.api.ops.custom.Flatten
 
opName() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
This method returns op opName as string
opName() - Method in interface org.nd4j.linalg.api.ops.CustomOp
This method returns op opName as string
opName() - Method in class org.nd4j.linalg.api.ops.DefaultOpConverter
 
opName - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
opName() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
This method returns op opName as string
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAdd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastTo
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.StopGradient
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.IfDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.Where
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhereNumpy
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.grid.FreeGridOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeNearestNeighbor
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNormDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D
Deprecated.
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalizationDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRU
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRUCell
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.AbsoluteDifferenceLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.BaseLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.AbsoluteDifferenceLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.BaseLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.CosineDistanceLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.HingeLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.HuberLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.LogLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.LogPoissonLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.MeanPairwiseSquaredErrorLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.MeanSquaredErrorLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SigmoidCrossEntropyLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SoftmaxCrossEntropyLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SoftmaxCrossEntropyWithLogitsLossBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.bp.SparseSoftmaxCrossEntropyLossWithLogitsBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.CosineDistanceLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.HingeLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.HuberLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.L2Loss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.LogLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.LogPoissonLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.MeanPairwiseSquaredErrorLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.MeanSquaredErrorLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SigmoidCrossEntropyLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyWithLogitsLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.loss.WeightedCrossEntropyLoss
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.meta.InvertedPredicateMetaOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.meta.PredicateMetaOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.nlp.CbowRound
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.nlp.SkipGramRound
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.All
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.BaseReductionBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.CumProdBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.CumSumBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.DotBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.MaxBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.MeanBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.MinBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm1Bp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.Norm2Bp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.NormMaxBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.ProdBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.SquaredNormBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.StandardDeviationBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.SumBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bp.VarianceBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountNonZero
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountZero
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.MmulBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.SufficientStatistics
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.ZeroFraction
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Step
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ApplyGradientDescent
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.SliceBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.StridedSliceBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.TileBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.BroadcastDynamicShape
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Cross
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Diag
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.GatherNd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MeshGrid
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ReductionShape
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Size
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Slice
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Split
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.SplitV
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayWrite
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Angle
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Assert
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.BinCount
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cholesky
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNorm
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByNormBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.clip.ClipByValue
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ATan2
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.BatchToSpace
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Choose
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttention
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DotProductAttentionBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InTopK
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InvertPermutation
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNonDecreasing
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNumericTensor
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsStrictlyIncreasing
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ListDiff
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalAnd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalNot
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalOr
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalXor
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogMatrixDeterminant
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDeterminant
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiag
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiagPart
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixInverse
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixSetDiag
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttention
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MultiHeadDotProductAttentionBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Pow
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Reverse
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMean
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentProd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentSum
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Standardize
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.StandardizeBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.TopK
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Trace
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.XwPlusB
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Zeta
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.DynamicPartitionBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
The opName of this operation
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
The opName of this operation
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
The opName of this operation
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftmaxBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
The opName of this operation
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.AddBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.DivBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.FloorDivBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.FloorModBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.MulBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.RDivBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.RSubBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SquaredDifferenceBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SubBpOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorModOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RealDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReluLayer
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMaxBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMeanBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMinBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentProdBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentSumBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMaxBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMeanBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMinBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentProdBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSqrtNBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSumBp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMean
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentProd
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSqrtN
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSum
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
opName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
opName() - Method in class org.nd4j.linalg.api.ops.NoOp
 
opName() - Method in interface org.nd4j.linalg.api.ops.Op
The opName of this operation
opName() - Method in class org.nd4j.linalg.api.ops.persistence.RestoreV2
 
opName() - Method in class org.nd4j.linalg.api.ops.persistence.SaveV2
 
opName() - Method in class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
opName() - Method in class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
opName() - Method in class org.nd4j.linalg.api.ops.random.custom.RandomBernoulli
 
opName() - Method in class org.nd4j.linalg.api.ops.random.custom.RandomExponential
 
opName() - Method in class org.nd4j.linalg.api.ops.random.custom.RandomNormal
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.Choice
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
opName() - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
opNameAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
opNameAsByteBuffer() - Method in class org.nd4j.graph.UIOp
 
opNameEquals(String) - Static method in class org.nd4j.autodiff.samediff.transform.OpPredicate
Return true if the operation name (i.e., "add", "mul", etc - not the user specified name) equals the specified name
opNameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
opNameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIOp
 
opNameMatches(String) - Static method in class org.nd4j.autodiff.samediff.transform.OpPredicate
Return true if the operation name (i.e., "add", "mul", etc - not the user specified name) matches the specified regular expression
opNames() - Method in class org.nd4j.imports.converters.DifferentialFunctionClassHolder
 
opNum() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The number of the op (mainly for old legacy XYZ ops like Op)
opNum() - Method in class org.nd4j.graph.FlatNode
 
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.DefaultOpConverter
 
opNum() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
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.BroadcastGradientArgs
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
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.layers.convolution.LegacyPooling2D
Deprecated.
 
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.reduce.bool.All
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountNonZero
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountZero
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineSimilarity
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.Dot
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.EqualsWithEps
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.EuclideanDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.HammingDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.ManhattanDistance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
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.ScalarNot
 
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.ScalarOr
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
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.scalar.Step
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
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.OldEqualTo
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
opNum() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
opNum() - Method in interface org.nd4j.linalg.api.ops.Op
An op number
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
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.LogNormalDistribution
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
opNum() - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
OpPredicate - Class in org.nd4j.autodiff.samediff.transform
An OpPredicate defines whether an operation (DifferentialFunction) matches or not.
Used mainly in DifferentialFunctionFactory
OpPredicate() - Constructor for class org.nd4j.autodiff.samediff.transform.OpPredicate
 
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
 
ops(int) - Method in class org.nd4j.graph.UIGraphStructure
 
ops(UIOp, int) - Method in class org.nd4j.graph.UIGraphStructure
 
OPSET_IMPORT_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
OPSET_IMPORT_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
OPSET_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
opsLength() - Method in class org.nd4j.graph.UIGraphStructure
 
OpStatus - Enum in org.nd4j.linalg.api.ops.executioner
 
opsToIgnore() - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Ops to ignore for mapping
opsToIgnore() - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
opsToIgnore() - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
OPT_LEVEL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OptimizerOptions
 
OpTestCase - Class in org.nd4j.autodiff.validation
Validate the output - and shape function - of a single operation.
OpTestCase(DynamicCustomOp) - Constructor for class org.nd4j.autodiff.validation.OpTestCase
 
OPTIMIZED - Static variable in class org.nd4j.graph.OutputMode
 
OPTIMIZER_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
OptimizerOptions - Class in org.tensorflow.framework
Options passed to the graph optimizer
OptimizerOptions.Builder - Class in org.tensorflow.framework
Options passed to the graph optimizer
OptimizerOptions.GlobalJitLevel - Enum in org.tensorflow.framework
Control the use of the compiler/jit.
OptimizerOptions.Level - Enum in org.tensorflow.framework
Optimization level
OptimizerOptionsOrBuilder - Interface in org.tensorflow.framework
 
OPTIMIZERS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
options(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.MakeCallableRequest
 
OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepRequest
 
OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.TracingRequest
 
opType() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The type of the op
opType() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
opType() - Method in class org.nd4j.graph.FlatNode
 
OpType - Class in org.nd4j.graph
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
opType() - Method in class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
opType() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.loss.WeightedCrossEntropyLoss
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.ReductionShape
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.Size
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayWrite
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
opType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
opType() - Method in class org.nd4j.linalg.api.ops.NoOp
 
opType() - Method in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
opType() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
opType() - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
opTypeForNode(NODE_TYPE) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
opTypeForNode(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Returns an op type for the given input node
OpValidation - Class in org.nd4j.autodiff.validation
Main test case runner for validating ops used in SameDiff.
This OpValidation class also collects test coverage information, to determine the op test coverage, for both op outputs and gradients/backprop.
OpValidation() - Constructor for class org.nd4j.autodiff.validation.OpValidation
 
or(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
or(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Boolean OR operation: elementwise (x != 0) || (y != 0)
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
or(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Boolean OR operation: elementwise (x != 0) || (y != 0)
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
Or - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool
Boolean OR pairwise transform
Or(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
Or(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
Or(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
Or() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
Or(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
Or(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
Or(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
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 - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
order(IntBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns the order given the shape information
order(LongBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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(long[]) - 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() - Method in class org.nd4j.weightinit.BaseWeightInitScheme
 
order() - Method in class org.nd4j.weightinit.impl.NDArraySupplierInitScheme
 
order() - Method in interface org.nd4j.weightinit.WeightInitScheme
The order of the weight init
ORDER_KEY - Static variable in class org.nd4j.linalg.factory.Nd4j
 
ordering() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
ordering() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.autodiff.execution - package org.nd4j.autodiff.execution
 
org.nd4j.autodiff.execution.conf - package org.nd4j.autodiff.execution.conf
 
org.nd4j.autodiff.execution.input - package org.nd4j.autodiff.execution.input
 
org.nd4j.autodiff.functions - package org.nd4j.autodiff.functions
 
org.nd4j.autodiff.loss - package org.nd4j.autodiff.loss
 
org.nd4j.autodiff.samediff - package org.nd4j.autodiff.samediff
 
org.nd4j.autodiff.samediff.flow - package org.nd4j.autodiff.samediff.flow
 
org.nd4j.autodiff.samediff.impl - package org.nd4j.autodiff.samediff.impl
 
org.nd4j.autodiff.samediff.internal - package org.nd4j.autodiff.samediff.internal
 
org.nd4j.autodiff.samediff.ops - package org.nd4j.autodiff.samediff.ops
 
org.nd4j.autodiff.samediff.serde - package org.nd4j.autodiff.samediff.serde
 
org.nd4j.autodiff.samediff.transform - package org.nd4j.autodiff.samediff.transform
 
org.nd4j.autodiff.util.cloner - package org.nd4j.autodiff.util.cloner
 
org.nd4j.autodiff.validation - package org.nd4j.autodiff.validation
 
org.nd4j.autodiff.validation.functions - package org.nd4j.autodiff.validation.functions
 
org.nd4j.evaluation - package org.nd4j.evaluation
 
org.nd4j.evaluation.classification - package org.nd4j.evaluation.classification
 
org.nd4j.evaluation.curves - package org.nd4j.evaluation.curves
 
org.nd4j.evaluation.meta - package org.nd4j.evaluation.meta
 
org.nd4j.evaluation.regression - package org.nd4j.evaluation.regression
 
org.nd4j.evaluation.serde - package org.nd4j.evaluation.serde
 
org.nd4j.graph - package org.nd4j.graph
 
org.nd4j.graph.ui - package org.nd4j.graph.ui
 
org.nd4j.imports - package org.nd4j.imports
 
org.nd4j.imports.converters - package org.nd4j.imports.converters
 
org.nd4j.imports.descriptors.onnx - package org.nd4j.imports.descriptors.onnx
 
org.nd4j.imports.descriptors.properties - package org.nd4j.imports.descriptors.properties
 
org.nd4j.imports.descriptors.properties.adapters - package org.nd4j.imports.descriptors.properties.adapters
 
org.nd4j.imports.descriptors.tensorflow - package org.nd4j.imports.descriptors.tensorflow
 
org.nd4j.imports.graphmapper - package org.nd4j.imports.graphmapper
 
org.nd4j.imports.graphmapper.onnx - package org.nd4j.imports.graphmapper.onnx
 
org.nd4j.imports.graphmapper.tf - package org.nd4j.imports.graphmapper.tf
 
org.nd4j.imports.tensorflow - package org.nd4j.imports.tensorflow
 
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.concurrency - package org.nd4j.linalg.api.concurrency
 
org.nd4j.linalg.api.environment - package org.nd4j.linalg.api.environment
 
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.custom - package org.nd4j.linalg.api.ops.custom
 
org.nd4j.linalg.api.ops.executioner - package org.nd4j.linalg.api.ops.executioner
 
org.nd4j.linalg.api.ops.grid - package org.nd4j.linalg.api.ops.grid
 
org.nd4j.linalg.api.ops.impl.broadcast - package org.nd4j.linalg.api.ops.impl.broadcast
 
org.nd4j.linalg.api.ops.impl.broadcast.bool - package org.nd4j.linalg.api.ops.impl.broadcast.bool
 
org.nd4j.linalg.api.ops.impl.controlflow - package org.nd4j.linalg.api.ops.impl.controlflow
 
org.nd4j.linalg.api.ops.impl.controlflow.compat - package org.nd4j.linalg.api.ops.impl.controlflow.compat
 
org.nd4j.linalg.api.ops.impl.grid - package org.nd4j.linalg.api.ops.impl.grid
 
org.nd4j.linalg.api.ops.impl.image - package org.nd4j.linalg.api.ops.impl.image
 
org.nd4j.linalg.api.ops.impl.indexaccum - package org.nd4j.linalg.api.ops.impl.indexaccum
 
org.nd4j.linalg.api.ops.impl.indexaccum.custom - package org.nd4j.linalg.api.ops.impl.indexaccum.custom
 
org.nd4j.linalg.api.ops.impl.layers - package org.nd4j.linalg.api.ops.impl.layers
 
org.nd4j.linalg.api.ops.impl.layers.convolution - package org.nd4j.linalg.api.ops.impl.layers.convolution
 
org.nd4j.linalg.api.ops.impl.layers.convolution.config - package org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
org.nd4j.linalg.api.ops.impl.layers.recurrent - package org.nd4j.linalg.api.ops.impl.layers.recurrent
 
org.nd4j.linalg.api.ops.impl.layers.recurrent.config - package org.nd4j.linalg.api.ops.impl.layers.recurrent.config
 
org.nd4j.linalg.api.ops.impl.loss - package org.nd4j.linalg.api.ops.impl.loss
 
org.nd4j.linalg.api.ops.impl.loss.bp - package org.nd4j.linalg.api.ops.impl.loss.bp
 
org.nd4j.linalg.api.ops.impl.meta - package org.nd4j.linalg.api.ops.impl.meta
 
org.nd4j.linalg.api.ops.impl.nlp - package org.nd4j.linalg.api.ops.impl.nlp
 
org.nd4j.linalg.api.ops.impl.reduce - package org.nd4j.linalg.api.ops.impl.reduce
 
org.nd4j.linalg.api.ops.impl.reduce.bool - package org.nd4j.linalg.api.ops.impl.reduce.bool
 
org.nd4j.linalg.api.ops.impl.reduce.bp - package org.nd4j.linalg.api.ops.impl.reduce.bp
 
org.nd4j.linalg.api.ops.impl.reduce.custom - package org.nd4j.linalg.api.ops.impl.reduce.custom
 
org.nd4j.linalg.api.ops.impl.reduce.floating - package org.nd4j.linalg.api.ops.impl.reduce.floating
 
org.nd4j.linalg.api.ops.impl.reduce.longer - package org.nd4j.linalg.api.ops.impl.reduce.longer
 
org.nd4j.linalg.api.ops.impl.reduce.same - package org.nd4j.linalg.api.ops.impl.reduce.same
 
org.nd4j.linalg.api.ops.impl.reduce3 - package org.nd4j.linalg.api.ops.impl.reduce3
 
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.scatter - package org.nd4j.linalg.api.ops.impl.scatter
 
org.nd4j.linalg.api.ops.impl.shape - package org.nd4j.linalg.api.ops.impl.shape
 
org.nd4j.linalg.api.ops.impl.shape.bp - package org.nd4j.linalg.api.ops.impl.shape.bp
 
org.nd4j.linalg.api.ops.impl.shape.tensorops - package org.nd4j.linalg.api.ops.impl.shape.tensorops
 
org.nd4j.linalg.api.ops.impl.summarystats - package org.nd4j.linalg.api.ops.impl.summarystats
 
org.nd4j.linalg.api.ops.impl.transforms - package org.nd4j.linalg.api.ops.impl.transforms
 
org.nd4j.linalg.api.ops.impl.transforms.any - package org.nd4j.linalg.api.ops.impl.transforms.any
 
org.nd4j.linalg.api.ops.impl.transforms.bool - package org.nd4j.linalg.api.ops.impl.transforms.bool
 
org.nd4j.linalg.api.ops.impl.transforms.clip - package org.nd4j.linalg.api.ops.impl.transforms.clip
 
org.nd4j.linalg.api.ops.impl.transforms.comparison - package org.nd4j.linalg.api.ops.impl.transforms.comparison
 
org.nd4j.linalg.api.ops.impl.transforms.custom - package org.nd4j.linalg.api.ops.impl.transforms.custom
 
org.nd4j.linalg.api.ops.impl.transforms.custom.segment - package org.nd4j.linalg.api.ops.impl.transforms.custom.segment
 
org.nd4j.linalg.api.ops.impl.transforms.dtype - package org.nd4j.linalg.api.ops.impl.transforms.dtype
 
org.nd4j.linalg.api.ops.impl.transforms.floating - package org.nd4j.linalg.api.ops.impl.transforms.floating
 
org.nd4j.linalg.api.ops.impl.transforms.gradient - package org.nd4j.linalg.api.ops.impl.transforms.gradient
 
org.nd4j.linalg.api.ops.impl.transforms.pairwise - package org.nd4j.linalg.api.ops.impl.transforms.pairwise
 
org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic - package org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
 
org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp - package org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
 
org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool - package org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool
 
org.nd4j.linalg.api.ops.impl.transforms.same - package org.nd4j.linalg.api.ops.impl.transforms.same
 
org.nd4j.linalg.api.ops.impl.transforms.segment - package org.nd4j.linalg.api.ops.impl.transforms.segment
 
org.nd4j.linalg.api.ops.impl.transforms.segment.bp - package org.nd4j.linalg.api.ops.impl.transforms.segment.bp
 
org.nd4j.linalg.api.ops.impl.transforms.strict - package org.nd4j.linalg.api.ops.impl.transforms.strict
 
org.nd4j.linalg.api.ops.performance - package org.nd4j.linalg.api.ops.performance
 
org.nd4j.linalg.api.ops.performance.primitives - package org.nd4j.linalg.api.ops.performance.primitives
 
org.nd4j.linalg.api.ops.persistence - package org.nd4j.linalg.api.ops.persistence
 
org.nd4j.linalg.api.ops.random - package org.nd4j.linalg.api.ops.random
 
org.nd4j.linalg.api.ops.random.compat - package org.nd4j.linalg.api.ops.random.compat
 
org.nd4j.linalg.api.ops.random.custom - package org.nd4j.linalg.api.ops.random.custom
 
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.options - package org.nd4j.linalg.api.shape.options
 
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.adapter - package org.nd4j.linalg.dataset.adapter
 
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.env - package org.nd4j.linalg.env
 
org.nd4j.linalg.env.impl - package org.nd4j.linalg.env.impl
 
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.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.learning.regularization - package org.nd4j.linalg.learning.regularization
 
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.deallocation - package org.nd4j.linalg.memory.deallocation
 
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.schedule - package org.nd4j.linalg.schedule
 
org.nd4j.linalg.string - package org.nd4j.linalg.string
 
org.nd4j.linalg.util - package org.nd4j.linalg.util
 
org.nd4j.linalg.workspace - package org.nd4j.linalg.workspace
 
org.nd4j.list - package org.nd4j.list
 
org.nd4j.list.matrix - package org.nd4j.list.matrix
 
org.nd4j.serde.base64 - package org.nd4j.serde.base64
 
org.nd4j.serde.binary - package org.nd4j.serde.binary
 
org.nd4j.serde.jackson.shaded - package org.nd4j.serde.jackson.shaded
 
org.nd4j.serde.json - package org.nd4j.serde.json
 
org.nd4j.versioncheck - package org.nd4j.versioncheck
 
org.nd4j.weightinit - package org.nd4j.weightinit
 
org.nd4j.weightinit.impl - package org.nd4j.weightinit.impl
 
org.tensorflow.distruntime - package org.tensorflow.distruntime
 
org.tensorflow.framework - package org.tensorflow.framework
 
org.tensorflow.util - package org.tensorflow.util
 
ORIGINAL_VARIABLE_NODE_ID_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
ormqr(char, char, INDArray, INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
OrthogonalDistribution - Class in org.nd4j.linalg.api.rng.distribution.impl
Limited Orthogonal distribution implementation
OrthogonalDistribution(double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
 
OS_KEY - Static variable in class org.nd4j.linalg.api.environment.Nd4jEnvironment
 
OUT_ARG_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
OUT_OF_RANGE_VALUE - Static variable in enum org.tensorflow.framework.Code
Operation tried to iterate past the valid input range.
outcome() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
outcome() - Method in class org.nd4j.linalg.dataset.DataSet
 
OUTER_FRAME - Static variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
output(Operands) - Method in interface org.nd4j.autodiff.execution.input.OperandsAdapter
This method returns adopted result of graph execution
output(List<String>, Map<String, T>) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
Get the output of the session - i.e., perform inference/forward pass
output(DataSet, String...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Do inference on a network with a single input.
For example, if the variable to infer was called "softmax" you would use:
output(DataSetIterator, String...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Do inference on a network with a single input.
For example, if the variable to infer was called "softmax" you would use:
output(MultiDataSetIterator, String...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Perform inference.

Example: classifier inference
Predictions variable name: "softmaxOutput"
Evaluations to perform: Evaluation
Data: single output MultiDataSets
Code:
output(int) - Method in class org.nd4j.graph.FlatNode
 
output() - Method in interface org.nd4j.linalg.api.ops.LossFunction
The guess
OUTPUT_ARG_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
OUTPUT_COUNT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInfo
 
OUTPUT_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.GraphProto
 
OUTPUT_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.NodeProto
 
OUTPUT_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.GraphProto
 
OUTPUT_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.NodeProto
 
OUTPUT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
OUTPUT_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
OUTPUT_NUM_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
OUTPUT_PARTITION_GRAPHS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions
 
OUTPUT_PORT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInput
 
OUTPUT_SLOT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebugTensorWatch
 
outputArguments() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
outputArguments() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
outputArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
outputArguments() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
outputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
outputArguments() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
outputAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
outputCount - Variable in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
 
outputInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
outputLength() - Method in class org.nd4j.graph.FlatNode
 
OutputMode - Enum in org.nd4j.autodiff.execution.conf
 
outputMode() - Method in class org.nd4j.graph.FlatConfiguration
 
OutputMode - Class in org.nd4j.graph
 
outputNames(int) - Method in class org.nd4j.graph.FlatNode
 
outputNamesLength() - Method in class org.nd4j.graph.FlatNode
 
outputOfOp - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
outputOfOp() - Method in class org.nd4j.graph.UIVariable
 
outputOfOpAsByteBuffer() - Method in class org.nd4j.graph.UIVariable
 
outputOfOpIdx - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
outputOfOpInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIVariable
 
outputs() - Method in class org.nd4j.autodiff.samediff.SameDiff
Outputs are those variables (not placeholders, constants, etc) that are the output of a function that aren't the input to any other ops.
outputs() - Method in class org.nd4j.autodiff.samediff.transform.SubGraph
 
outputs(int) - Method in class org.nd4j.graph.FlatGraph
 
outputs(IntPair, int) - Method in class org.nd4j.graph.FlatGraph
 
outputs(int) - Method in class org.nd4j.graph.UIGraphStructure
 
outputs(int) - Method in class org.nd4j.graph.UIOp
 
OUTPUTS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SignatureDef
 
outputShapes - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp.DynamicCustomOpsBuilder
 
outputSize(int, int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.Convolution
 
outputsLength() - Method in class org.nd4j.graph.FlatGraph
 
outputsLength() - Method in class org.nd4j.graph.UIGraphStructure
 
outputsLength() - Method in class org.nd4j.graph.UIOp
 
outputsOfOp - Variable in class org.nd4j.autodiff.samediff.internal.SameDiffOp
 
outputType - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMax
 
outputType - Variable in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMin
 
outputType - Variable in class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
outputType - Variable in class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
outputTypes(int) - Method in class org.nd4j.graph.FlatNode
 
outputTypesAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
outputTypesInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
outputTypesLength() - Method in class org.nd4j.graph.FlatNode
 
outputVariable() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
outputVariables() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Return the output variables for this differential function.
outputVariables(String) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Return the output functions for this differential function.
outputVariables() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
outputVariables(String) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
outputVariables(String) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
outputVariables - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
outputVariables() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
outputVariables(String) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
outputVariables() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
outputVariables() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
outputVariables() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
outputVariables() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
outputVariables() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
outputVariables() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
outputVariables(String) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
outputVariables(String) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
outputVariables(String) - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
outputVariablesNames() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
outputVars - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
outputVars - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
outSize(int, int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.Convolution
Deprecated.
outSize(int, int, int, int, boolean) - Static method in class org.nd4j.linalg.convolution.OldConvolution
The out size for a convolution
outSize(long, long, long, long, boolean) - Static method in class org.nd4j.linalg.convolution.OldConvolution
 
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(SDVariable, SDVariable, Pad.Mode, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
pad(SDVariable, int[][], double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
pad(SDVariable, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Perform padding on the given array, where padded values are the specified constant.
Example:
Input array:
[1, 2]
[3, 4]
Padding array:
[2, 0]
[1, 1]
Contant = 0
Result:
[0, 0, 0, 0]
[0, 0, 0, 0]
[0, 1, 2, 0]
[0, 3, 4, 0]

pad(String, SDVariable, SDVariable, Pad.Mode, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
As per SDNN.pad(SDVariable, SDVariable, double) but also supports multiple Pad.Mode modes.
Example: Input array:
[1, 2]
[3, 4]
[5, 6]
Padding array:
[2, 0]
[1, 1]
Contant = 0
Result: CONSTANT mode
[0, 0, 0, 0]
[0, 0, 0, 0]
[0, 1, 2, 0]
[0, 3, 4, 0]
[0, 5, 6, 0]

Result: SYMMETRIC mode
[3, 3, 4, 4]
[1, 1, 2, 2]
[1, 1, 2, 2]
[3, 3, 4, 4]
[5, 5, 6, 6]

Result: REFLECT:
[6, 5, 6, 0]
[2, 3, 4, 3]
[2, 1, 2, 1]
[4, 3, 4, 3]
[6, 5, 6, 5]

Pad - Class in org.nd4j.linalg.api.ops.impl.transforms
Pad op
Pad() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
Pad(SameDiff, SDVariable, SDVariable, Pad.Mode, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
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
Pad.Mode - Enum in org.nd4j.linalg.api.ops.impl.transforms
 
padding - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
PADDING_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInfo
 
PAIRWISE - Static variable in class org.nd4j.graph.OpType
 
PAIRWISE_BOOL - Static variable in class org.nd4j.graph.OpType
 
pairwiseBoolOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
pairwiseOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
PARALLEL_ITERATIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
parallel_stack(SDVariable[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
parallel_stack(SDVariable[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
parallel_stack(String, SDVariable[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
ParallelConcat - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
ParallelConcat() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
ParallelDataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
 
ParallelMultiDataSetIterator - Interface in org.nd4j.linalg.dataset.api.iterator
 
ParallelStack - Class in org.nd4j.linalg.api.ops.impl.shape
Stacks n input tensors of same shape to tensor of rank n + 1.
ParallelStack() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
ParallelStack(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
PARAMETER_MAP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parentWorkspace - Variable in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.GraphProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.GraphProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.ModelProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ModelProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.NodeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.NodeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.TypeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseDelimitedFrom(InputStream) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.JobDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.JobDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDefs
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDefs
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.AttrValue
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CallableOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CallableOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CondContextDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CondContextDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ConfigProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.DebugOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.FunctionDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GPUOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GradientDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GradientDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.HistogramProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.HistogramProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.KernelDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.LocalLinks
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.LocalLinks
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryStats
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryStats
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.NameAttrList
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NameAttrList
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.NodeDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.NodeOutput
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeOutput
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.OpDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.OpList
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpList
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RPCOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RPCOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RunMetadata
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunMetadata
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.RunOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.SavedModel
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SavedModel
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.SignatureDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SignatureDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.StepStats
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.StepStats
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.Summary.Image
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Image
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.Summary
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.Summary.Value
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Value
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorConnection
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorConnection
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorDescription
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorDescription
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorInfo
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.ValuesDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ValuesDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.VariableDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariableDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.VersionDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VersionDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseDelimitedFrom(InputStream) - Static method in class org.tensorflow.util.SaverDef
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.SaverDef
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseDelimitedFrom(InputStream) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseDelimitedFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.GraphProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ModelProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.NodeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.AttributeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.GraphProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ModelProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.NodeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parseFrom(ByteBuffer) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(ByteString) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(byte[]) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(InputStream) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(CodedInputStream) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ClusterDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.JobDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ResetResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ServerDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.StepSequence
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TraceOpts
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingRequest
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(ByteString) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(byte[]) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(InputStream) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.TracingResponse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationDescription
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationRecord
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDefs
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AssetFileDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValue
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CallableOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CollectionDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CondContextDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceAttributes
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceLocality
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceStepStats
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GPUOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GradientDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.HistogramProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.InterconnectLink
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.LocalLinks
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogStep
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MemoryStats
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NameAttrList
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NamedTensorProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeExecStats
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeOutput
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDeprecation
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpList
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OptimizerOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ReaderBaseState
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfig
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RPCOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunMetadata
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RunOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SavedModel
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SignatureDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.StepStats
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Audio
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Image
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.Summary.Value
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryDescription
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorConnection
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorDescription
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorInfo
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ValuesDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariableDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VersionDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.framework.WhileContextDef
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleEntryProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(ByteString) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(byte[]) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(InputStream) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.BundleHeaderProto
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(ByteString) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(byte[]) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(InputStream) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parseFrom(ByteBuffer) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(ByteString) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(byte[]) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(InputStream) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(CodedInputStream) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class org.tensorflow.util.SaverDef
 
parseFrom(ByteBuffer) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(ByteString) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(byte[]) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(CodedInputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parseFrom(ByteBuffer) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(ByteString) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(byte[]) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(CodedInputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parseFrom(ByteBuffer) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(ByteString) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(byte[]) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(CodedInputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parseFrom(ByteBuffer) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(ByteString) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(byte[]) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(CodedInputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parseFrom(ByteBuffer) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(ByteString) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(byte[]) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(InputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(CodedInputStream) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parseFrom(ByteBuffer) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(ByteString) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(byte[]) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(InputStream) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(CodedInputStream) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parseFrom(ByteBuffer) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(ByteString) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(byte[]) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(InputStream) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(CodedInputStream) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parseFrom(ByteBuffer) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(ByteString) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(byte[]) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(InputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(CodedInputStream) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parseFrom(ByteBuffer) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(ByteBuffer, ExtensionRegistryLite) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(ByteString) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(ByteString, ExtensionRegistryLite) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(byte[]) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(byte[], ExtensionRegistryLite) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(InputStream) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(InputStream, ExtensionRegistryLite) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(CodedInputStream) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseFrom(CodedInputStream, ExtensionRegistryLite) - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseGraphFrom(byte[]) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Parse a graph from an input stream
parseGraphFrom(InputStream) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Parse a graph from an input stream
parseGraphFrom(byte[]) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
parseGraphFrom(InputStream) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
parseGraphFrom(byte[]) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
parseGraphFrom(InputStream) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
parser() - Static method in class onnx.OnnxMlProto3.AttributeProto
 
parser() - Static method in class onnx.OnnxMlProto3.GraphProto
 
parser() - Static method in class onnx.OnnxMlProto3.ModelProto
 
parser() - Static method in class onnx.OnnxMlProto3.NodeProto
 
parser() - Static method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
parser() - Static method in class onnx.OnnxMlProto3.StringStringEntryProto
 
parser() - Static method in class onnx.OnnxMlProto3.TensorProto
 
parser() - Static method in class onnx.OnnxMlProto3.TensorProto.Segment
 
parser() - Static method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
parser() - Static method in class onnx.OnnxMlProto3.TensorShapeProto
 
parser() - Static method in class onnx.OnnxMlProto3.TypeProto.Map
 
parser() - Static method in class onnx.OnnxMlProto3.TypeProto
 
parser() - Static method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
parser() - Static method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
parser() - Static method in class onnx.OnnxMlProto3.ValueInfoProto
 
parser() - Static method in class onnx.OnnxOperatorsProto3.OperatorProto
 
parser() - Static method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
parser() - Static method in class onnx.OnnxProto3.AttributeProto
 
parser() - Static method in class onnx.OnnxProto3.GraphProto
 
parser() - Static method in class onnx.OnnxProto3.ModelProto
 
parser() - Static method in class onnx.OnnxProto3.NodeProto
 
parser() - Static method in class onnx.OnnxProto3.OperatorSetIdProto
 
parser() - Static method in class onnx.OnnxProto3.StringStringEntryProto
 
parser() - Static method in class onnx.OnnxProto3.TensorProto
 
parser() - Static method in class onnx.OnnxProto3.TensorProto.Segment
 
parser() - Static method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
parser() - Static method in class onnx.OnnxProto3.TensorShapeProto
 
parser() - Static method in class onnx.OnnxProto3.TypeProto
 
parser() - Static method in class onnx.OnnxProto3.TypeProto.Tensor
 
parser() - Static method in class onnx.OnnxProto3.ValueInfoProto
 
parser() - Static method in class org.tensorflow.distruntime.CleanupAllRequest
 
parser() - Static method in class org.tensorflow.distruntime.CleanupAllResponse
 
parser() - Static method in class org.tensorflow.distruntime.CleanupGraphRequest
 
parser() - Static method in class org.tensorflow.distruntime.CleanupGraphResponse
 
parser() - Static method in class org.tensorflow.distruntime.CloseSessionRequest
 
parser() - Static method in class org.tensorflow.distruntime.CloseSessionResponse
 
parser() - Static method in class org.tensorflow.distruntime.ClusterDef
 
parser() - Static method in class org.tensorflow.distruntime.CompleteGroupRequest
 
parser() - Static method in class org.tensorflow.distruntime.CompleteGroupResponse
 
parser() - Static method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
parser() - Static method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
parser() - Static method in class org.tensorflow.distruntime.CreateSessionRequest
 
parser() - Static method in class org.tensorflow.distruntime.CreateSessionResponse
 
parser() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
parser() - Static method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
parser() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
parser() - Static method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
parser() - Static method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
parser() - Static method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
parser() - Static method in class org.tensorflow.distruntime.ExecutorOpts
 
parser() - Static method in class org.tensorflow.distruntime.ExtendSessionRequest
 
parser() - Static method in class org.tensorflow.distruntime.ExtendSessionResponse
 
parser() - Static method in class org.tensorflow.distruntime.GetStatusRequest
 
parser() - Static method in class org.tensorflow.distruntime.GetStatusResponse
 
parser() - Static method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
parser() - Static method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
parser() - Static method in class org.tensorflow.distruntime.JobDef
 
parser() - Static method in class org.tensorflow.distruntime.LabeledStepStats
 
parser() - Static method in class org.tensorflow.distruntime.ListDevicesRequest
 
parser() - Static method in class org.tensorflow.distruntime.ListDevicesResponse
 
parser() - Static method in class org.tensorflow.distruntime.LoggingRequest
 
parser() - Static method in class org.tensorflow.distruntime.LoggingResponse
 
parser() - Static method in class org.tensorflow.distruntime.MakeCallableRequest
 
parser() - Static method in class org.tensorflow.distruntime.MakeCallableResponse
 
parser() - Static method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
parser() - Static method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
parser() - Static method in class org.tensorflow.distruntime.RecvBufRequest
 
parser() - Static method in class org.tensorflow.distruntime.RecvBufResponse
 
parser() - Static method in class org.tensorflow.distruntime.RecvTensorRequest
 
parser() - Static method in class org.tensorflow.distruntime.RecvTensorResponse
 
parser() - Static method in class org.tensorflow.distruntime.RegisterGraphRequest
 
parser() - Static method in class org.tensorflow.distruntime.RegisterGraphResponse
 
parser() - Static method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
parser() - Static method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
parser() - Static method in class org.tensorflow.distruntime.ResetRequest
 
parser() - Static method in class org.tensorflow.distruntime.ResetResponse
 
parser() - Static method in class org.tensorflow.distruntime.RunCallableRequest
 
parser() - Static method in class org.tensorflow.distruntime.RunCallableResponse
 
parser() - Static method in class org.tensorflow.distruntime.RunGraphRequest
 
parser() - Static method in class org.tensorflow.distruntime.RunGraphResponse
 
parser() - Static method in class org.tensorflow.distruntime.RunStepRequest
 
parser() - Static method in class org.tensorflow.distruntime.RunStepResponse
 
parser() - Static method in class org.tensorflow.distruntime.ServerDef
 
parser() - Static method in class org.tensorflow.distruntime.StepSequence
 
parser() - Static method in class org.tensorflow.distruntime.TraceOpts
 
parser() - Static method in class org.tensorflow.distruntime.TracingRequest
 
parser() - Static method in class org.tensorflow.distruntime.TracingResponse
 
parser() - Static method in class org.tensorflow.framework.AllocationDescription
 
parser() - Static method in class org.tensorflow.framework.AllocationRecord
 
parser() - Static method in class org.tensorflow.framework.AllocatorMemoryUsed
 
parser() - Static method in class org.tensorflow.framework.ApiDef.Arg
 
parser() - Static method in class org.tensorflow.framework.ApiDef.Attr
 
parser() - Static method in class org.tensorflow.framework.ApiDef.Endpoint
 
parser() - Static method in class org.tensorflow.framework.ApiDef
 
parser() - Static method in class org.tensorflow.framework.ApiDefs
 
parser() - Static method in class org.tensorflow.framework.AssetFileDef
 
parser() - Static method in class org.tensorflow.framework.AttrValue.ListValue
 
parser() - Static method in class org.tensorflow.framework.AttrValue
 
parser() - Static method in class org.tensorflow.framework.AutoParallelOptions
 
parser() - Static method in class org.tensorflow.framework.CallableOptions
 
parser() - Static method in class org.tensorflow.framework.CollectionDef.AnyList
 
parser() - Static method in class org.tensorflow.framework.CollectionDef.BytesList
 
parser() - Static method in class org.tensorflow.framework.CollectionDef.FloatList
 
parser() - Static method in class org.tensorflow.framework.CollectionDef.Int64List
 
parser() - Static method in class org.tensorflow.framework.CollectionDef.NodeList
 
parser() - Static method in class org.tensorflow.framework.CollectionDef
 
parser() - Static method in class org.tensorflow.framework.CondContextDef
 
parser() - Static method in class org.tensorflow.framework.ConfigProto.Experimental
 
parser() - Static method in class org.tensorflow.framework.ConfigProto
 
parser() - Static method in class org.tensorflow.framework.ControlFlowContextDef
 
parser() - Static method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
parser() - Static method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
parser() - Static method in class org.tensorflow.framework.CostGraphDef.Node
 
parser() - Static method in class org.tensorflow.framework.CostGraphDef
 
parser() - Static method in class org.tensorflow.framework.CriticalSectionDef
 
parser() - Static method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
parser() - Static method in class org.tensorflow.framework.DebuggedSourceFile
 
parser() - Static method in class org.tensorflow.framework.DebuggedSourceFiles
 
parser() - Static method in class org.tensorflow.framework.DebugOptions
 
parser() - Static method in class org.tensorflow.framework.DebugTensorWatch
 
parser() - Static method in class org.tensorflow.framework.DeviceAttributes
 
parser() - Static method in class org.tensorflow.framework.DeviceLocality
 
parser() - Static method in class org.tensorflow.framework.DeviceStepStats
 
parser() - Static method in class org.tensorflow.framework.FunctionDef
 
parser() - Static method in class org.tensorflow.framework.FunctionDefLibrary
 
parser() - Static method in class org.tensorflow.framework.GPUOptions.Experimental
 
parser() - Static method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
parser() - Static method in class org.tensorflow.framework.GPUOptions
 
parser() - Static method in class org.tensorflow.framework.GradientDef
 
parser() - Static method in class org.tensorflow.framework.GraphDef
 
parser() - Static method in class org.tensorflow.framework.GraphOptions
 
parser() - Static method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
parser() - Static method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
parser() - Static method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
parser() - Static method in class org.tensorflow.framework.GraphTransferInfo
 
parser() - Static method in class org.tensorflow.framework.GraphTransferNodeInfo
 
parser() - Static method in class org.tensorflow.framework.GraphTransferNodeInput
 
parser() - Static method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
parser() - Static method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
parser() - Static method in class org.tensorflow.framework.HistogramProto
 
parser() - Static method in class org.tensorflow.framework.InterconnectLink
 
parser() - Static method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
parser() - Static method in class org.tensorflow.framework.KernelDef
 
parser() - Static method in class org.tensorflow.framework.LocalLinks
 
parser() - Static method in class org.tensorflow.framework.MemoryLogRawAllocation
 
parser() - Static method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
parser() - Static method in class org.tensorflow.framework.MemoryLogStep
 
parser() - Static method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
parser() - Static method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
parser() - Static method in class org.tensorflow.framework.MemoryLogTensorOutput
 
parser() - Static method in class org.tensorflow.framework.MemoryStats
 
parser() - Static method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
parser() - Static method in class org.tensorflow.framework.MetaGraphDef
 
parser() - Static method in class org.tensorflow.framework.NameAttrList
 
parser() - Static method in class org.tensorflow.framework.NamedTensorProto
 
parser() - Static method in class org.tensorflow.framework.NodeDef
 
parser() - Static method in class org.tensorflow.framework.NodeExecStats
 
parser() - Static method in class org.tensorflow.framework.NodeOutput
 
parser() - Static method in class org.tensorflow.framework.OpDef.ArgDef
 
parser() - Static method in class org.tensorflow.framework.OpDef.AttrDef
 
parser() - Static method in class org.tensorflow.framework.OpDef
 
parser() - Static method in class org.tensorflow.framework.OpDeprecation
 
parser() - Static method in class org.tensorflow.framework.OpList
 
parser() - Static method in class org.tensorflow.framework.OptimizerOptions
 
parser() - Static method in class org.tensorflow.framework.QueueRunnerDef
 
parser() - Static method in class org.tensorflow.framework.ReaderBaseState
 
parser() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
parser() - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
parser() - Static method in class org.tensorflow.framework.ResourceHandleProto
 
parser() - Static method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
parser() - Static method in class org.tensorflow.framework.RewriterConfig
 
parser() - Static method in class org.tensorflow.framework.RPCOptions
 
parser() - Static method in class org.tensorflow.framework.RunMetadata
 
parser() - Static method in class org.tensorflow.framework.RunOptions.Experimental
 
parser() - Static method in class org.tensorflow.framework.RunOptions
 
parser() - Static method in class org.tensorflow.framework.SavedModel
 
parser() - Static method in class org.tensorflow.framework.SaveSliceInfoDef
 
parser() - Static method in class org.tensorflow.framework.ScopedAllocatorOptions
 
parser() - Static method in class org.tensorflow.framework.SignatureDef
 
parser() - Static method in class org.tensorflow.framework.StepStats
 
parser() - Static method in class org.tensorflow.framework.Summary.Audio
 
parser() - Static method in class org.tensorflow.framework.Summary.Image
 
parser() - Static method in class org.tensorflow.framework.Summary
 
parser() - Static method in class org.tensorflow.framework.Summary.Value
 
parser() - Static method in class org.tensorflow.framework.SummaryDescription
 
parser() - Static method in class org.tensorflow.framework.SummaryMetadata
 
parser() - Static method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
parser() - Static method in class org.tensorflow.framework.TensorConnection
 
parser() - Static method in class org.tensorflow.framework.TensorDescription
 
parser() - Static method in class org.tensorflow.framework.TensorInfo.CooSparse
 
parser() - Static method in class org.tensorflow.framework.TensorInfo
 
parser() - Static method in class org.tensorflow.framework.TensorProto
 
parser() - Static method in class org.tensorflow.framework.TensorShapeProto.Dim
 
parser() - Static method in class org.tensorflow.framework.TensorShapeProto
 
parser() - Static method in class org.tensorflow.framework.TensorSliceProto.Extent
 
parser() - Static method in class org.tensorflow.framework.TensorSliceProto
 
parser() - Static method in class org.tensorflow.framework.ThreadPoolOptionProto
 
parser() - Static method in class org.tensorflow.framework.ValuesDef
 
parser() - Static method in class org.tensorflow.framework.VariableDef
 
parser() - Static method in class org.tensorflow.framework.VariantTensorDataProto
 
parser() - Static method in class org.tensorflow.framework.VersionDef
 
parser() - Static method in class org.tensorflow.framework.WhileContextDef
 
parser() - Static method in class org.tensorflow.util.BundleEntryProto
 
parser() - Static method in class org.tensorflow.util.BundleHeaderProto
 
parser() - Static method in class org.tensorflow.util.IteratorStateMetadata
 
parser() - Static method in class org.tensorflow.util.SaverDef
 
parser() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
parser() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
parser() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
parser() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
parser() - Static method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
parser() - Static method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
parser() - Static method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
parser() - Static method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
parser() - Static method in class tensorflow.TransportOptions.RecvBufRespExtra
 
parseVariable(String) - Static method in class org.nd4j.autodiff.samediff.SameDiff
Note: INTENDED FOR DEVELOPER USE
This method extract base variable name and output index (if exists) from raw variable name.
PARTIAL_RUN_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.PartialRunSetupResponse
 
PARTIAL_RUN_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepRequest
 
PartialRunSetupRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.PartialRunSetupRequest
PartialRunSetupRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.PartialRunSetupRequest
PartialRunSetupRequestOrBuilder - Interface in org.tensorflow.distruntime
 
PartialRunSetupResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.PartialRunSetupResponse
PartialRunSetupResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.PartialRunSetupResponse
PartialRunSetupResponseOrBuilder - Interface in org.tensorflow.distruntime
 
PARTITION_GRAPH_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphResponse
 
PARTITION_GRAPHS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunMetadata
 
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 flags 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 flags 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.
PEAK_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocatorMemoryUsed
 
pearsonCorrelation(int) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Pearson Correlation Coefficient for samples
PER_PROCESS_GPU_MEMORY_FRACTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
percentile(Number, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
percentile(Number, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
percentileNumber(Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns percentile value for this INDArray
PerformanceTracker - Class in org.nd4j.linalg.api.ops.performance
This class provides routines for performance tracking and holder for corresponding results
periodicEnabled - Variable in class org.nd4j.linalg.memory.BasicMemoryManager
 
PERMISSION_DENIED_VALUE - Static variable in enum org.tensorflow.framework.Code
The caller does not have permission to execute the specified operation.
permute(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
permute(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Array permutation operation: permute the dimensions according to the specified permutation indices.
Example: if input has shape [a,b,c] and dimensions = [2,0,1] the output has shape [c,a,b]
permute(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Array permutation operation: permute the dimensions according to the specified permutation indices.
Example: if input has shape [a,b,c] and dimensions = [2,0,1] the output has shape [c,a,b]
permute(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Permute the dimensions of the current variable according to the specified permutation indices.
Example: if the current variable has shape [a,b,c] and dimensions = [2,0,1] the output has shape [c,a,b]
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
Permute function
Permute(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
Permute(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
Permute() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Permute
 
permuteDims - Variable in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
permutei(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
An in-place version of permute.
permutei(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
permutei(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
An in-place version of permute.
PERSISTENT_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
PERSISTENT_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryStats
 
PERSISTENT_TENSOR_ALLOC_IDS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryStats
 
PHYSICAL_DEVICE_DESC_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DeviceAttributes
 
physicalCores() - Method in class org.nd4j.graph.UISystemInfo
 
pickObject(Deallocatable) - Method in class org.nd4j.linalg.memory.deallocation.DeallocatorService
This method adds Deallocatable object instance to tracking system
pickPairwiseDataType(DataType, Number) - Static method in class org.nd4j.linalg.api.shape.Shape
 
pickPairwiseDataType(DataType, DataType) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
 
pinvert(INDArray, boolean) - Static method in class org.nd4j.linalg.inverse.InvertMatrix
Calculates pseudo inverse of a matrix using QR decomposition
PIVOT_FOR_BODY_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
PIVOT_FOR_PRED_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
PIVOT_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CondContextDef
 
PIVOT_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
PLACE_PRUNED_GRAPH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
placeHolder(String, DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a a placeholder variable.
PLACEHOLDER - Static variable in class org.nd4j.graph.VarType
 
PLACEHOLDER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
placeholders(int) - Method in class org.nd4j.graph.FlatGraph
 
placeholderShape() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
placeholdersLength() - Method in class org.nd4j.graph.FlatGraph
 
placeholderValue(String, INDArray) - Method in class org.nd4j.autodiff.validation.TestCase
 
placeholderValues(Map<String, INDArray>) - Method in class org.nd4j.autodiff.validation.TestCase
 
PLACEMENT_PERIOD_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
planRewind(String, boolean) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method announces future rewind of graph execution to specified position
pLeftInvert(INDArray, boolean) - Static method in class org.nd4j.linalg.inverse.InvertMatrix
Compute the left pseudo inverse.
plugin() - Method in class org.nd4j.graph.UIEvent
 
PLUGIN_DATA_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SummaryMetadata
 
PLUGIN_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SummaryMetadata.PluginData
 
plus(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
For Kotlin operator interop
plus(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
For Kotlin operator interop
point(long) - Static method in class org.nd4j.autodiff.samediff.SDIndex
 
point(long, boolean) - Static method in class org.nd4j.autodiff.samediff.SDIndex
 
Point() - Constructor for class org.nd4j.evaluation.curves.PrecisionRecallCurve.Point
 
point(long) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Returns a point index
pointerB - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
pointerE - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
PointIndex - Class in org.nd4j.linalg.indexing
 
PointIndex(long) - Constructor for class org.nd4j.linalg.indexing.PointIndex
 
POLLING_ACTIVE_DELAY_USECS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
POLLING_INACTIVE_DELAY_MSECS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
PolySchedule - Class in org.nd4j.linalg.schedule
Polynomial decay schedule, with 3 parameters: initial value, maxIter, power.
Note that the value will be 0 after maxIter, otherwise is given by: value(i) = initialValue * (1 + i/maxIter)^(-power) where i is the iteration or epoch (depending on the setting)
PolySchedule(ScheduleType, double, double, int) - Constructor for class org.nd4j.linalg.schedule.PolySchedule
 
Pooling2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Pooling2D operation
Pooling2D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
Pooling2D(SameDiff, SDVariable[], INDArray[], INDArray[], Pooling2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
pooling2D(INDArray, int, int, int, int, int, int, int, int, boolean, Pooling2D.Pooling2DType, Pooling2D.Divisor, double, int, int, INDArray) - Static method in class org.nd4j.linalg.convolution.Convolution
Pooling 2d implementation
Pooling2D.Divisor - Enum in org.nd4j.linalg.api.ops.impl.layers.convolution
Divisor mode for average pooling only.
Pooling2D.Pooling2DType - Enum in org.nd4j.linalg.api.ops.impl.layers.convolution
 
Pooling2DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
Pooling2DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Pooling2DConfig
 
Pooling2DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Pooling2DDerivative operation
Pooling2DDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], Pooling2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2DDerivative
 
Pooling2DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2DDerivative
 
pooling3d(SDVariable, Pooling3DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
Pooling3D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Pooling3D operation
Pooling3D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
Pooling3D(SameDiff, SDVariable[], INDArray[], INDArray[], boolean, Pooling3DConfig, Pooling3D.Pooling3DType) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
Pooling3D.Pooling3DType - Enum in org.nd4j.linalg.api.ops.impl.layers.convolution
 
Pooling3DConfig - Class in org.nd4j.linalg.api.ops.impl.layers.convolution.config
 
Pooling3DConfig() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Pooling3DConfig
 
Pooling3DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Pooling3DDerivative operation
Pooling3DDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], boolean, Pooling3DConfig, Pooling3D.Pooling3DType) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3DDerivative
 
Pooling3DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3DDerivative
 
positive() - Method in class org.nd4j.evaluation.classification.Evaluation
Returns all of the positive guesses: true positive + false negative
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, ReduceOp) - Constructor for class org.nd4j.linalg.api.ops.impl.meta.PostulateMetaOp
 
PostulateMetaOp(TransformOp, ReduceOp) - 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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
pow(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
pow(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise power function: out = x^value
pow(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise power function: out = x^value
pow(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise (broadcastable) power function: out = x[i]^y[i]
pow(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise (broadcastable) power function: out = x[i]^y[i]
pow(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
pow(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Scalar power operation: out = this ^ scalar
Output variable has the same shape as the input variable
Pow - Class in org.nd4j.linalg.api.ops.impl.scalar
Pow function
Pow() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
Pow(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
Pow(SameDiff, SDVariable, Object[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
Pow(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
Pow(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
Pow - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Broadcastable element-wise power operation: x[i]^y[i]
Pow(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Pow
 
Pow() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.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
Element-wise power function - x^y, performed element-wise.
pow(INDArray, INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Element-wise power function - x^y, performed element-wise
pow(INDArray, Number, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Pow function
powDerivative(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
PowDerivative - Class in org.nd4j.linalg.api.ops.impl.scalar
Pow derivative z = n * x ^ (n-1)
PowDerivative(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
PowDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
PowDerivative(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
PowDerivative(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
PowPairwise - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Pairwise version of PoW
PowPairwise(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
PowPairwise(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
PowPairwise() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
PowPairwise(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
PowPairwise(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
PowPairwise(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
PRECEDING_NODE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
PRECEDING_PORT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
PreciseGELU - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
GELU activation function - Gaussian Error Linear Units
For more details, see Gaussian Error Linear Units (GELUs) - https://arxiv.org/abs/1606.08415 Note: This op implements both the sigmoid and tanh-based approximations; to use the sigmoid approximation (recommended) use precise=false; otherwise, use precise = true for the slower but marginally more accurate tanh version.
PreciseGELU(SameDiff, SDVariable, boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
PreciseGELU() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
PreciseGELU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
PreciseGELU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
PreciseGELUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
GELU derivative
PreciseGELUDerivative(SameDiff, SDVariable, boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
PreciseGELUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
PreciseGELUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
PreciseGELUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
precision(Integer) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the precision for a given class label
precision(Integer, double) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the precision for a given label
precision() - Method in class org.nd4j.evaluation.classification.Evaluation
Precision based on guesses so far.
Note: value returned will differ depending on number of classes and settings.
1.
precision(EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the average precision for all classes.
precision(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the precision (tp / (tp + fp)) for the specified output
precision(long, long, double) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the precision from true positive and false positive counts
PrecisionRecallCurve - Class in org.nd4j.evaluation.curves
Precision recall curve: A set of (recall, precision) points and different thresholds
PrecisionRecallCurve(double[], double[], double[], int[], int[], int[], int) - Constructor for class org.nd4j.evaluation.curves.PrecisionRecallCurve
 
PrecisionRecallCurve.Confusion - Class in org.nd4j.evaluation.curves
 
PrecisionRecallCurve.Point - Class in org.nd4j.evaluation.curves
 
PRED_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CondContextDef
 
predicate - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
predicate - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
predicateExecution - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
predicateExecution - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
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
 
Prediction - Class in org.nd4j.evaluation.meta
Prediction: a prediction for classification, used with the org.deeplearning4j.eval.Evaluation class.
Prediction() - Constructor for class org.nd4j.evaluation.meta.Prediction
 
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 class org.nd4j.linalg.dataset.api.preprocessor.CompositeDataSetPreProcessor
 
preProcess(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.CompositeMultiDataSetPreProcessor
 
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(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
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
 
preProcessor - Variable in class org.nd4j.linalg.dataset.api.iterator.BaseDatasetIterator
 
preProcessor - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
preprocessPlaceholders(Map<String, T>) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
Preprocess the placeholder values, if required.
preprocessPlaceholders(Map<String, INDArray>) - Method in class org.nd4j.autodiff.samediff.internal.InferenceSession
 
preventUnpack - Static variable in class org.nd4j.linalg.factory.Nd4j
 
previousWorkspace - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
pRightInvert(INDArray, boolean) - Static method in class org.nd4j.linalg.inverse.InvertMatrix
Compute the right pseudo inverse.
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.ConstantDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(x0 < X <= x1).
probability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(x0 < X <= x1).
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).
probability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
For a random variable X whose values are distributed according to this distribution, this method returns P(x0 < X <= x1).
probability(double, double) - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
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(long[]...) - Method in interface org.nd4j.linalg.api.shape.loop.coordinatefunction.CoordinateFunction
 
process(String) - Method in interface org.nd4j.linalg.env.EnvironmentalAction
This method will be executed with corresponding Env Var value
process(String) - Method in class org.nd4j.linalg.env.impl.DebugAction
 
process(String) - Method in class org.nd4j.linalg.env.impl.FallbackAction
 
process(String) - Method in class org.nd4j.linalg.env.impl.NDArrayUnpackAction
 
process(String) - Method in class org.nd4j.linalg.env.impl.OmpNumThreadsAction
 
process(String) - Method in class org.nd4j.linalg.env.impl.VerboseAction
 
process(String) - Method in class org.nd4j.linalg.env.impl.WorkspacesBypassAction
 
process(String) - Method in class org.nd4j.linalg.env.impl.WorkspacesDebugAction
 
process(String) - Method in class org.nd4j.linalg.env.impl.WorkspacesSpillAction
 
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(CustomOp) - 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
processStackCall(CustomOp, long) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
processSubgraph(SameDiff, SubGraph) - Method in interface org.nd4j.autodiff.samediff.transform.SubGraphProcessor
Replace the subgraph, and return the new outputs that should replace the old outputs.
Note that the order of the outputs you return matters!
If the original outputs are [A,B,C] and you return output variables [X,Y,Z], then anywhere "A" was used as input will now use "X"; similarly Y replaces B, and Z replaces C.
processTADOperands(DataBuffer...) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
prod(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
prod(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Product array reduction operation, optionally along specified dimensions
prod(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Product array reduction operation, optionally along specified dimensions
prod(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Product array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
prod(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
prod(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
prod(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
prod(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Product array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
prod(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the product along a given dimension
prod(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.reduce.same
Prod the components
Prod(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
Prod(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
Prod() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
Prod(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
Prod(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
Prod(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
prod(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
prod(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
prodBp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
ProdBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Product reduction operation
ProdBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.ProdBp
 
ProdBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.ProdBp
 
ProdBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.ProdBp
 
prodNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
prodNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
prodNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Calculate the product of all values in the array
PRODUCER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VersionDef
 
PRODUCER_NAME_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
PRODUCER_NAME_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
PRODUCER_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ModelProto
 
PRODUCER_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ModelProto
 
ProfilerConfig - Class in org.nd4j.linalg.profiler
 
ProfilerConfig() - Constructor for class org.nd4j.linalg.profiler.ProfilerConfig
 
profilingConfigurableHookIn(CustomOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
profilingConfigurableHookIn(Op, DataBuffer...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
profilingConfigurableHookOut(Op, long) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
profilingConfigurableHookOut(CustomOp, long) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
profilingHookIn(Op, DataBuffer...) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Deprecated.
profilingHookIn(CustomOp) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Deprecated.
profilingHookOut(Op, long) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Deprecated.
profilingHookOut(CustomOp, long) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Deprecated.
profilingMode() - Method in class org.nd4j.graph.FlatConfiguration
 
ProfilingMode - Class in org.nd4j.graph
 
profilingMode - Variable in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
project(INDArray) - Method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
Create a copy random projection by using matrix product with a random matrix
project(INDArray, INDArray) - Method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
Create a copy random projection by using matrix product with a random matrix
projecti(INDArray) - Method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
Create an in-place random projection by using in-place matrix product with a random matrix
projecti(INDArray, INDArray) - Method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
Create an in-place random projection by using in-place matrix product with a random matrix
properties(int) - Method in class org.nd4j.graph.FlatNode
 
properties(FlatProperties, int) - Method in class org.nd4j.graph.FlatNode
 
PROPERTIES_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.NamedDevice
 
PROPERTIES_FILE_SUFFIX - Static variable in class org.nd4j.versioncheck.VersionCheck
 
propertiesForFunction() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Returns the properties for a given function
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Col2Im
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2col
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Im2colBp
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
propertiesForFunction() - Method in class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
propertiesLength() - Method in class org.nd4j.graph.FlatNode
 
propertiesToResolveForFunction(DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Return the properties to resolve for the given function.
PropertyMapping - Class in org.nd4j.imports.descriptors.properties
 
PropertyMapping() - Constructor for class org.nd4j.imports.descriptors.properties.PropertyMapping
 
props - Static variable in class org.nd4j.linalg.factory.Nd4j
 
PROTOCOL_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ServerDef
 
PTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationDescription
 
PTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawAllocation
 
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, 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[]) - 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, long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
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
pullRows(INDArray, 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 in to the destination array
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
purgeCache() - Method in interface org.nd4j.linalg.api.ndarray.SparseInfoProvider
 
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(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(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
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(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
put(INDArrayIndex[], INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
put(INDArrayIndex[], Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
put(int[], INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
put(int, int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
put(int, int, Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
put(int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
put(INDArrayIndex[], INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
put(INDArrayIndex[], Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
put(int[], INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
put(int, int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
put(int, int, Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
put(int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
put(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Put element in to the indices denoted by the indices ndarray.
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
 
putAllAttr(Map<String, AttrValue>) - Method in class org.tensorflow.framework.FunctionDef.Builder
Attributes specific to this function definition.
putAllAttr(Map<String, AttrValue>) - Method in class org.tensorflow.framework.NameAttrList.Builder
map<string, .tensorflow.AttrValue> attr = 2;
putAllAttr(Map<String, AttrValue>) - Method in class org.tensorflow.framework.NodeDef.Builder
Operation-specific graph-construction-time configuration.
putAllAttrs(Map<String, AttrValue>) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
map<string, .tensorflow.AttrValue> attrs = 5;
putAllCollectionDef(Map<String, CollectionDef>) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
collection_def: Map from collection name to collections.
putAllDeviceCount(Map<String, Integer>) - Method in class org.tensorflow.framework.ConfigProto.Builder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
putAllEnvironment(Map<String, String>) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Version of the tools and libraries used with this device (e.g.
putAllExternalValues(Map<String, String>) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names referenced by but external to this context.
putAllInputs(Map<String, TensorInfo>) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named input parameters.
putAllOutputs(Map<String, TensorInfo>) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named output parameters.
putAllParameterMap(Map<String, AttrValue>) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
map<string, .tensorflow.AttrValue> parameter_map = 2;
putAllRet(Map<String, String>) - Method in class org.tensorflow.framework.FunctionDef.Builder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
putAllSignatureDef(Map<String, SignatureDef>) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
putAllTasks(Map<Integer, String>) - Method in class org.tensorflow.distruntime.JobDef.Builder
Mapping from task ID to "hostname:port" string.
putAttr(String, AttrValue) - Method in class org.tensorflow.framework.FunctionDef.Builder
Attributes specific to this function definition.
putAttr(String, AttrValue) - Method in class org.tensorflow.framework.NameAttrList.Builder
map<string, .tensorflow.AttrValue> attr = 2;
putAttr(String, AttrValue) - Method in class org.tensorflow.framework.NodeDef.Builder
Operation-specific graph-construction-time configuration.
putAttrs(String, AttrValue) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
map<string, .tensorflow.AttrValue> attrs = 5;
putCollectionDef(String, CollectionDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
collection_def: Map from collection name to collections.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putColumn(int, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
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
putDeviceCount(String, int) - Method in class org.tensorflow.framework.ConfigProto.Builder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
putEnvironment(String, String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Version of the tools and libraries used with this device (e.g.
putExternalValues(String, String) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names referenced by but external to this context.
putFunctionForId(String, DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Put the function for the given id
putiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
putiColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place assignment of a column vector
putInputs(String, TensorInfo) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named input parameters.
putiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
putiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
in place assignment of row vector, to each row of this array
putOrUpdateShapeForVarName(String, long[], boolean) - Method in class org.nd4j.autodiff.samediff.SameDiff
Deprecated.
putOutputs(String, TensorInfo) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named output parameters.
putParameterMap(String, AttrValue) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
map<string, .tensorflow.AttrValue> parameter_map = 2;
putRet(String, String) - Method in class org.tensorflow.framework.FunctionDef.Builder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
putRow(long, 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(long, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putRow(long, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putRow(long, 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(long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long, float) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(int[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long[], float) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long, long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long, long, long, long, 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(long[], int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putScalar(long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long, float) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long, int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(int[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long[], float) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long[], int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long, long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long, long, long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(int[], float) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(int[], int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalar(long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long, float) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long, int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(int[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long[], double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long[], float) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long[], int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long, long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(long, long, long, long, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
putScalar(int, int, double) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
putScalar(long, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert the number linearly in to the ndarray
putScalar(long, float) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert a scalar float at the specified index
putScalar(long, 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(long[], double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
putScalar(long[], float) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
putScalar(long[], int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
putScalar(long, long, 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(long, long, long, 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(long, long, long, long, 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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putScalarUnsafe(long, double) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Insert a scalar at the given linear offset
putShapeForVarName(String, long[]) - Method in class org.nd4j.autodiff.samediff.SameDiff
Deprecated.
putShapeForVarName(String, LongShapeDescriptor) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
putSignatureDef(String, SignatureDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putSlice(int, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Assigns the given matrix (put) to the specified slice
putSubFunction(String, SameDiff) - Method in class org.nd4j.autodiff.samediff.SameDiff
Associate a SameDiff namespace as a sub function.
putTasks(int, String) - Method in class org.tensorflow.distruntime.JobDef.Builder
Mapping from task ID to "hostname:port" string.
putTime(String, Op, long) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
putTime(String, CustomOp, long) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
putTime(String, long) - Method in class org.nd4j.linalg.profiler.data.StringAggregator
 
putWhere(INDArray, INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putWhere(Number, INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putWhere(Number, Number, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putWhere(INDArray, INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putWhere(Number, INDArray, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putWhere(Number, Number, Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putWhere(INDArray, INDArray, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Assign the element according to the comparison array
putWhere(Number, INDArray, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Assign the element according to the comparison array
putWhere(Number, Number, Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Assign the element according to the comparison array
putWhereWithMask(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putWhereWithMask(INDArray, Number) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
putWhereWithMask(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putWhereWithMask(INDArray, Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
putWhereWithMask(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Use a pre computed mask for assigning arrays
putWhereWithMask(INDArray, Number) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Use a pre computed mask for assigning arrays

Q

QINT16 - Static variable in class org.nd4j.graph.DataType
 
QINT8 - Static variable in class org.nd4j.graph.DataType
 
QUEUE_CLOSED_EXCEPTION_TYPES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.QueueRunnerDef
 
QUEUE_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
QUEUE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.QueueRunnerDef
 
queuedOps - Variable in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
QueueRunnerDef - Class in org.tensorflow.framework
Protocol buffer representing a QueueRunner.
QueueRunnerDef.Builder - Class in org.tensorflow.framework
Protocol buffer representing a QueueRunner.
QueueRunnerDefOrBuilder - Interface in org.tensorflow.framework
 
QueueRunnerProtos - Class in org.tensorflow.framework
 

R

r0 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
r1 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
r2 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
r3 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
rand(long[], double, double, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
rand(int[], double, double, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
rand(long, long, 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(long[], float, float, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
rand(long, long, float, float, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Generates a random matrix between min and max
rand(long, long, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(long, long, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(long, long) - 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, long, long) - 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(long[], Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
rand(int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(long[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
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(long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
rand(char, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Create a random ndarray with the given shape and order
rand(char, long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
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(long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
rand(DataType, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
rand(char, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a random ndarray with the given shape and array order
rand(DataType, char, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
rand(DataType, int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
rand(DataType, int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(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(long[], 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(long[], 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(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from a uniform distribution
rand(INDArray, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from a uniform distribution
rand(INDArray, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from a uniform distribution using the given RandomGenerator
rand(INDArray, Distribution) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from the given distribution
rand(INDArray, double, double, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from a uniform distribution using the given RandomGenerator
rand(int[], float, float, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Generates a random matrix between min and max
rand(long[], float, float, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
rand(long, long, float, float, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Generates a random matrix between min and max
rand(long, long, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(long, long, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(long, long) - 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, long, long) - 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(long[], Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
rand(int[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape using the given rng
rand(long[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
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(long[]) - 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(char, long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Create a random ndarray with the given shape and specified output order
rand(long, long, double, double, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
rand(int[], double, double, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
rand(long[], double, double, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
randn(long, long, Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the given rng
randn(long, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the current time stamp as the seed
randn(char, long, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Generate a random normal N(0,1) with the specified order and shape
randn(long, long, 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(long[], Random) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
randn(char, int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the current time stamp as the seed
randn(char, long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
randn(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal N(0,1) with the specified shape and
randn(long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
randn(int[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Random normal using the specified seed
randn(long[], long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
randn(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from a normal distribution
randn(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the current time stamp as the seed
randn(DataType, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
randn(long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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(char, long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal N(0,1) with the specified shape and array order
randn(DataType, char, long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
 
randn(int[], long) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the specified seed
randn(long, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the current time stamp as the seed
randn(char, long, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal N(0,1) with the specified shape and array order
randn(long, long, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the specified seed
randn(long, long, 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(long[], Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Random normal using the given rng
randn(INDArray, long) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from a normal distribution
randn(INDArray, Random) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the given ndarray with random numbers drawn from a normal distribution utilizing the given random generator
randn(long, long, Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal using the given rng
randn(long, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal (N(0,1)) using the current time stamp as the seed
randn(char, long, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal N(0,1), with specified output order
randn(long, long, 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(long[], Random) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
randn(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal N(0,1) using the current time stamp as the seed
randn(long[]) - 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(char, long[]) - 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
randn(long[], long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Random normal using the specified seed
random - Variable in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for random number generation operations
random() - Method in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for random number generation operations
RANDOM - Static variable in class org.nd4j.graph.OpType
 
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
 
randomBernoulli(double, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
randomBernoulli(double, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
RandomBernoulli - Class in org.nd4j.linalg.api.ops.random.custom
Random bernoulli distribution: p(x=1) = p, p(x=0) = 1-p i.e., output is 0 or 1 with probability p.
RandomBernoulli() - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomBernoulli
 
RandomBernoulli(SameDiff, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomBernoulli
 
RandomBernoulli(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomBernoulli
 
randomBernoulli(double, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate a random array according to a binomial distribution with probability p: i.e., values 0 with probability (1-p) or value 1 with probability p
randomBernoulli(double, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the specified array with values generated according to a binomial distribution with probability p: i.e., values 0 with probability (1-p) or value 1 with probability p
randomBinomial(int, double, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
randomBinomial(int, double, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
Generate an array with random values generated according to a binomial distribution with the specified number of trials and probability
randomBinomial(int, double, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Fill the target array with random values generated according to a binomial distribution with the specified number of trials and probability
randomClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
randomExponential(double, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Exponential distribution: P(x) = lambda * exp(-lambda * x)
RandomExponential - Class in org.nd4j.linalg.api.ops.random.custom
Random exponential distribution: p(x) = lambda * exp(-lambda * x)
RandomExponential() - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomExponential
 
RandomExponential(SameDiff, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomExponential
 
RandomExponential(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomExponential
 
randomExponential(double, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
Exponential distribution: P(x) = lambda * exp(-lambda * x)
randomExponential(double, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Exponential distribution: P(x) = lambda * exp(-lambda * x)
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
 
randomLogNormal(double, double, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
randomNormal(double, double, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
randomNormal(double, double, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
RandomNormal - Class in org.nd4j.linalg.api.ops.random.custom
Random normal distribution
RandomNormal() - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomNormal
 
RandomNormal(SameDiff, SDVariable, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.custom.RandomNormal
 
randomNormalTruncated(double, double, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
RandomOp - Interface in org.nd4j.linalg.api.ops
 
randomOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
RandomProjection - Class in org.nd4j.linalg.dimensionalityreduction
Created by huitseeker on 7/28/17.
RandomProjection(double, Random) - Constructor for class org.nd4j.linalg.dimensionalityreduction.RandomProjection
 
RandomProjection(double) - Constructor for class org.nd4j.linalg.dimensionalityreduction.RandomProjection
 
RandomProjection(int, Random) - Constructor for class org.nd4j.linalg.dimensionalityreduction.RandomProjection
 
RandomProjection(int) - Constructor for class org.nd4j.linalg.dimensionalityreduction.RandomProjection
 
RandomStandardNormal - Class in org.nd4j.linalg.api.ops.random.compat
This op is a wrapper for RandomNormal Op
RandomStandardNormal() - Constructor for class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
RandomStandardNormal(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
RandomStandardNormal(INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
RandomStandardNormal(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
RandomStandardNormal(long[]) - Constructor for class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
randomUniform(double, double, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
randomUniform(double, double, long...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
range(double, double, double, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
range(double, double, double, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Create a new variable with a 1d array, where the values start at from and increment by step up to (but not including) limit.
For example, range(1.0, 3.0, 0.5) will return [1.0, 1.5, 2.0, 2.5]
range(String, double, double, double, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Create a new variable with a 1d array, where the values start at from and increment by step up to (but not including) limit.
For example, range(1.0, 3.0, 0.5) will return [1.0, 1.5, 2.0, 2.5]
Range - Class in org.nd4j.linalg.api.ops.random.impl
Range Op implementation, generates from..to distribution within Z
Range() - Constructor for class org.nd4j.linalg.api.ops.random.impl.Range
 
Range(SameDiff, double, double, double, DataType) - Constructor for class org.nd4j.linalg.api.ops.random.impl.Range
 
rangeOfLength(INDArrayIndex[]) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
Create a range based on the given indexes.
rank(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rank(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns the rank (number of dimensions, i.e., length(shape)) of the specified SDVariable as a 0D scalar variable
rank(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns the rank (number of dimensions, i.e., length(shape)) of the specified SDVariable as a 0D scalar variable
rank() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rank - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rank() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rank() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the rank of the ndarray (the number of dimensions).
rank - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
Rank - Class in org.nd4j.linalg.api.ops.impl.shape
Rank function
Rank() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Rank
 
Rank(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Rank
 
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(LongBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
rank(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
rank(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
rankFromShape(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Return the rank for the given shape
rankFromShape(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
rarg() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The right argument for this function.
RationalTanh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Rational Tanh Approximation elementwise function, as described at https://github.com/deeplearning4j/libnd4j/issues/351
RationalTanh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
RationalTanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
RationalTanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
RationalTanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
RationalTanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Rational Tanh Derivative, as described at https://github.com/deeplearning4j/libnd4j/issues/351 Calculates dOut/dIn given input, not dL/dIn given dL/dOut and input
RationalTanhDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
RationalTanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
RationalTanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
RationalTanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
ravel(char) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
RAW_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
RAW_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
rdiv(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rdiv(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rdiv(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
rdiv(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Scalar reverse division: out = scalar / this
Output variable has the same shape as the input variable
rdiv(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
rdiv(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Reverse division operation: elementwise x / this
If this and x variables have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if this and x have different shapes and are broadcastable, the output shape is broadcast.
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rdiv(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rdiv(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rdiv(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast reverse division op.
rdivBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
RDivBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Division backprop operation.
RDivBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.RDivBpOp
 
RDivBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.RDivBpOp
 
rdivColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rdivColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse division of a column vector (copy)
rdivi(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rdivi(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rdivi(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
rdivi(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
rdivi(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
rdivi(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rdivi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rdivi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rdivi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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)
rdiviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdiviColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.ndarray.BaseNDArray
 
rdiviRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.pairwise.arithmetic
Reverse Division operation
RDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
RDivOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
RDivOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
rdivRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rdivRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
Deprecated.
 
read(int) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
read(SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
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
ReaderBaseProtos - Class in org.tensorflow.framework
 
ReaderBaseState - Class in org.tensorflow.framework
For serializing and restoring the state of ReaderBase, see reader_base.h for details.
ReaderBaseState.Builder - Class in org.tensorflow.framework
For serializing and restoring the state of ReaderBase, see reader_base.h for details.
ReaderBaseStateOrBuilder - Interface in org.tensorflow.framework
 
readEvents() - Method in class org.nd4j.graph.ui.LogFileWriter
Read all of the events.
readEvents(long) - Method in class org.nd4j.graph.ui.LogFileWriter
Read all of the events starting at a specific file offset
readFromDisk(File) - Static method in class org.nd4j.serde.binary.BinarySerde
Read an ndarray from disk
readGraph(InputStream, Map<String, ? extends OpImportOverride<GRAPH_TYPE, NODE_TYPE, ATTR_TYPE>>) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
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
readStatic() - Method in class org.nd4j.graph.ui.LogFileWriter
Read all static information at the start of the file
readTxt(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 line via input streams
readUnknown(DataInputStream, DataBuffer.AllocationMode, long, DataType) - Static method in class org.nd4j.linalg.compression.CompressedDataBuffer
Drop-in replacement wrapper for BaseDataBuffer.read() method, aware of CompressedDataBuffer
realArguments - Variable in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
RealDivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
RealDivision operation
RealDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RealDivOp
 
RealDivOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RealDivOp
 
RealDivOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RealDivOp
 
reallocate(DataBuffer) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
recall(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the recall for a given label
recall(int, double) - Method in class org.nd4j.evaluation.classification.Evaluation
Returns the recall for a given label
recall() - Method in class org.nd4j.evaluation.classification.Evaluation
Recall based on guesses so far
Note: value returned will differ depending on number of classes and settings.
1.
recall(EvaluationAveraging) - Method in class org.nd4j.evaluation.classification.Evaluation
Calculate the average recall for all classes - can specify whether macro or micro averaging should be used NOTE: if any classes have tp=0 and fn=0, (recall=0/0) these are excluded from the average
recall(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the recall (tp / (tp + fn)) for the specified output
recall(long, long, double) - Static method in class org.nd4j.evaluation.EvaluationUtils
Calculate the recall from true positive and false negative counts
reciprocal(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reciprocal(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise reciprocal (inverse) function: out[i] = 1 / in[i]
reciprocal(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise reciprocal (inverse) function: out[i] = 1 / in[i]
Reciprocal - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Created by susaneraly on 3/28/18.
Reciprocal(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
Reciprocal() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
Reciprocal(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
Reciprocal(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
RECOMPUTATION_HEURISTICS_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.MemOptType
Recomputation heuristics will recompute ops (such as Relu activation) during backprop instead of storing them, reducing peak memory usage.
RECORD_COSTS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExecutorOpts
 
RECORD_PARTITION_GRAPHS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExecutorOpts
 
RECORD_TIMELINE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExecutorOpts
 
RectifiedLinear - Class in org.nd4j.linalg.api.ops.impl.scalar
Rectified linear units
RectifiedLinear(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
RectifiedLinear() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
RectifiedLinear(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
RectifiedLinear(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
RectifiedLinear(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
RectifiedLinear(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
RectifiedTanh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
RectifiedTanh Essentially max(0, tanh(x))
RectifiedTanh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
RectifiedTanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
RectifiedTanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
RectifiedTanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
RectifiedTanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Rectified Tanh Derivative
RectifiedTanhDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
RectifiedTanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
RectifiedTanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
RectifiedTanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
RECV_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphResponse
 
RECV_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
RecvBufRequest - Class in org.tensorflow.distruntime
Use of the fields below may vary by implementation.
RecvBufRequest.Builder - Class in org.tensorflow.distruntime
Use of the fields below may vary by implementation.
RecvBufRequestOrBuilder - Interface in org.tensorflow.distruntime
 
RecvBufResponse - Class in org.tensorflow.distruntime
Use of the fields below may vary by implementation.
RecvBufResponse.Builder - Class in org.tensorflow.distruntime
Use of the fields below may vary by implementation.
RecvBufResponseOrBuilder - Interface in org.tensorflow.distruntime
 
RecvTensorRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RecvTensorRequest
RecvTensorRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RecvTensorRequest
RecvTensorRequestOrBuilder - Interface in org.tensorflow.distruntime
 
RecvTensorResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RecvTensorResponse
RecvTensorResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RecvTensorResponse
RecvTensorResponseOrBuilder - Interface in org.tensorflow.distruntime
 
reduce3OpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
REDUCE_3 - Static variable in class org.nd4j.graph.OpType
 
REDUCE_BOOL - Static variable in class org.nd4j.graph.OpType
 
REDUCE_FLOAT - Static variable in class org.nd4j.graph.OpType
 
REDUCE_LONG - Static variable in class org.nd4j.graph.OpType
 
REDUCE_SAME - Static variable in class org.nd4j.graph.OpType
 
ReduceBoolOp - Interface in org.nd4j.linalg.api.ops
ReduceLong take any type in, and return BOOL type
reduceBoolOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
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
ReduceFloatOp - Interface in org.nd4j.linalg.api.ops
ReduceLong take any type in, and return FLOATING-POINT type
reduceFloatOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
ReduceLongOp - Interface in org.nd4j.linalg.api.ops
ReduceLong take any type in, and return LONG type
reduceLongOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
ReduceMetaOp - Class in org.nd4j.linalg.api.ops.impl.meta
This is special case PredicateOp, with opB being only either ReduceOp, Variance or Reduce3 op
ReduceMetaOp() - Constructor for class org.nd4j.linalg.api.ops.impl.meta.ReduceMetaOp
 
ReduceMetaOp(ScalarOp, ReduceOp, 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, ReduceOp) - 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
 
ReduceOp - 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.

ReduceSameOp - Interface in org.nd4j.linalg.api.ops
ReduceLong take any type in, and return same type
reduceSameOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
REDUCTION - Static variable in class org.nd4j.graph.OpClass
 
reductionBroadcastableWithOrigShape(int, int[], SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Add 1s as required to the array make an array possible to be broadcast with the original (pre-reduce) array.
reductionBroadcastableWithOrigShape(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reductionShape(SDVariable, SDVariable, boolean) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
ReductionShape - Class in org.nd4j.linalg.api.ops.impl.shape
 
ReductionShape() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ReductionShape
 
ReductionShape(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ReductionShape
 
reductionShape(INDArray, int[], boolean, boolean) - Static method in class org.nd4j.linalg.api.shape.Shape
Calculate the shape of the returned array, for a reduction along dimension
REFERENCED_TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
referenceQueue - Static variable in class org.nd4j.linalg.factory.Nd4j
 
refQueue() - Static method in class org.nd4j.linalg.factory.Nd4j
The reference queue used for cleaning up ndarrays
registerAllExtensions(ExtensionRegistryLite) - Static method in class onnx.OnnxMlProto3
 
registerAllExtensions(ExtensionRegistry) - Static method in class onnx.OnnxMlProto3
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class onnx.OnnxOperatorsProto3
 
registerAllExtensions(ExtensionRegistry) - Static method in class onnx.OnnxOperatorsProto3
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class onnx.OnnxProto3
 
registerAllExtensions(ExtensionRegistry) - Static method in class onnx.OnnxProto3
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ClusterProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.distruntime.ClusterProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.DistributedRuntimeProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.distruntime.DistributedRuntimeProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.MasterServiceProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.distruntime.MasterServiceProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.ServerProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.distruntime.ServerProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.WorkerProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.distruntime.WorkerProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.distruntime.WorkerServiceProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.distruntime.WorkerServiceProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AllocationDescriptionProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.AllocationDescriptionProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ApiDefProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.ApiDefProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.AttrValueProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.AttrValueProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ConfigProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.ConfigProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ControlFlowProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.ControlFlowProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CostGraphProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.CostGraphProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.CriticalSectionProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.CriticalSectionProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DebugProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.DebugProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.DeviceAttributesProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.DeviceAttributesProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ErrorCodesProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.ErrorCodesProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.FunctionProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.FunctionProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.GraphProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.GraphTransferInfoProto
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.GraphTransferInfoProto
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.KernelDefProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.KernelDefProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.LogMemoryProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.LogMemoryProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.MetaGraphProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.MetaGraphProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NamedTensorProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.NamedTensorProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.NodeProto
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.NodeProto
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.OpDefProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.OpDefProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.QueueRunnerProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.QueueRunnerProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ReaderBaseProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.ReaderBaseProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfoProto
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfoProto
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.ResourceHandle
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.ResourceHandle
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.RewriterConfigProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.RewriterConfigProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SavedModelProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.SavedModelProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.StepStatsProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.StepStatsProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.SummaryProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.SummaryProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorDescriptionProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.TensorDescriptionProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.TensorProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorShapeProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.TensorShapeProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TensorSliceProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.TensorSliceProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.TypesProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.TypesProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VariableProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.VariableProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.framework.VersionsProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.framework.VersionsProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.util.IteratorProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.util.IteratorProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.util.SaverProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.util.SaverProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class org.tensorflow.util.TensorBundleProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class org.tensorflow.util.TensorBundleProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass
 
registerAllExtensions(ExtensionRegistry) - Static method in class tensorflow.CheckpointableObjectGraphOuterClass
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class tensorflow.DevicePropertiesProtos
 
registerAllExtensions(ExtensionRegistry) - Static method in class tensorflow.DevicePropertiesProtos
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class tensorflow.eager.EagerServiceOuterClass
 
registerAllExtensions(ExtensionRegistry) - Static method in class tensorflow.eager.EagerServiceOuterClass
 
registerAllExtensions(ExtensionRegistryLite) - Static method in class tensorflow.TransportOptions
 
registerAllExtensions(ExtensionRegistry) - Static method in class tensorflow.TransportOptions
 
registerEventName(String) - Method in class org.nd4j.graph.ui.LogFileWriter
Register the event name - "accuracy", "loss", etc for later use in recording events.
registerFrame(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method adds Frame to tracking PLEASE NOTE: Only works for first call, subsequent calls are no-op
registerGraph(SameDiff) - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
This method stores given graph for future execution
registerGraph(SameDiff) - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
This method stores given graph for future execution
registerGraph(long, Pointer) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
registerGraph(long, Pointer) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
 
RegisterGraphRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RegisterGraphRequest
RegisterGraphRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RegisterGraphRequest
RegisterGraphRequestOrBuilder - Interface in org.tensorflow.distruntime
 
RegisterGraphResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RegisterGraphResponse
RegisterGraphResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RegisterGraphResponse
RegisterGraphResponseOrBuilder - Interface in org.tensorflow.distruntime
 
registerLegacyClassDefaultName(Class<? extends IActivation>) - Static method in class org.nd4j.serde.json.LegacyIActivationDeserializer
 
registerLegacyClassDefaultName(Class<? extends ILossFunction>) - Static method in class org.nd4j.serde.json.LegacyILossFunctionDeserializer
 
registerLegacyClassSpecifiedName(String, Class<? extends IActivation>) - Static method in class org.nd4j.serde.json.LegacyIActivationDeserializer
 
registerLegacyClassSpecifiedName(String, Class<? extends ILossFunction>) - Static method in class org.nd4j.serde.json.LegacyILossFunctionDeserializer
 
RegressionEvaluation - Class in org.nd4j.evaluation.regression
Evaluation method for the evaluation of regression algorithms.
Provides the following metrics, for each column:
- MSE: mean squared error
- MAE: mean absolute error
- RMSE: root mean squared error
- RSE: relative squared error
- PC: pearson correlation coefficient
- R^2: coefficient of determination

See for example: http://www.saedsayad.com/model_evaluation_r.htm For classification, see Evaluation
RegressionEvaluation() - Constructor for class org.nd4j.evaluation.regression.RegressionEvaluation
 
RegressionEvaluation(long) - Constructor for class org.nd4j.evaluation.regression.RegressionEvaluation
Create a regression evaluation object with the specified number of columns, and default precision for the stats() method.
RegressionEvaluation(long, long) - Constructor for class org.nd4j.evaluation.regression.RegressionEvaluation
Create a regression evaluation object with the specified number of columns, and specified precision for the stats() method.
RegressionEvaluation(String...) - Constructor for class org.nd4j.evaluation.regression.RegressionEvaluation
Create a regression evaluation object with default precision for the stats() method
RegressionEvaluation(List<String>) - Constructor for class org.nd4j.evaluation.regression.RegressionEvaluation
Create a regression evaluation object with default precision for the stats() method
RegressionEvaluation(List<String>, long) - Constructor for class org.nd4j.evaluation.regression.RegressionEvaluation
Create a regression evaluation object with specified precision for the stats() method
RegressionEvaluation.Metric - Enum in org.nd4j.evaluation.regression
 
regularization(Regularization...) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the regularization for all trainable parameters in the network.
regularization(List<Regularization>) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the regularization for all trainable parameters in the network.
Regularization - Interface in org.nd4j.linalg.learning.regularization
Regularization API for magnitude-based regularization techniques such as:
L1Regularization
L2Regularization
WeightDecay

Implementations should have the following features:
1.
Regularization.ApplyStep - Enum in org.nd4j.linalg.learning.regularization
ApplyStep determines how the regularization interacts with the optimization process - i.e., when it is applied relative to updaters like Adam, Nesterov momentum, SGD, etc.
RelativeError - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise
 
RelativeError(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
RelativeError(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
RelativeError(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
RelativeError(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
RelativeError() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
RelativeError(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
RelativeError(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
relativeSquaredError(int) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
release(Pointer, MemoryKind) - Method in interface org.nd4j.linalg.memory.MemoryManager
This method releases previously allocated memory chunk
ReleaseCallableRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ReleaseCallableRequest
ReleaseCallableRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ReleaseCallableRequest
ReleaseCallableRequestOrBuilder - Interface in org.tensorflow.distruntime
 
ReleaseCallableResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ReleaseCallableResponse
ReleaseCallableResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ReleaseCallableResponse
ReleaseCallableResponseOrBuilder - Interface in org.tensorflow.distruntime
 
releaseCurrentContext() - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
releaseCurrentContext() - Method in interface org.nd4j.linalg.memory.MemoryManager
This method releases Context (if current backend has one, sure)
released - Variable in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
RelErrorFn - Class in org.nd4j.autodiff.validation.functions
 
RelErrorFn() - Constructor for class org.nd4j.autodiff.validation.functions.RelErrorFn
 
ReliabilityDiagram - Class in org.nd4j.evaluation.curves
Created by Alex on 05/07/2017.
ReliabilityDiagram(String, double[], double[]) - Constructor for class org.nd4j.evaluation.curves.ReliabilityDiagram
 
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(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
relu(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise rectified linear function with specified cutoff:
out[i] = in[i] if in[i] >= cutoff out[i] = 0 otherwise
relu(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise rectified linear function with specified cutoff:
out[i] = in[i] if in[i] >= cutoff out[i] = 0 otherwise
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
 
relu6(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
relu6(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise "rectified linear 6" function with specified cutoff:
out[i] = min(max(in, cutoff), 6)
relu6(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise "rectified linear 6" function with specified cutoff:
out[i] = min(max(in, cutoff), 6)
Relu6 - Class in org.nd4j.linalg.api.ops.impl.scalar
Rectified linear unit 6, i.e.
Relu6(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
Relu6() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
Relu6(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
Relu6(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
Relu6(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
Relu6(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
relu6(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
relu6(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
relu6Derivative(SDVariable, SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
Relu6Derivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Derivative of Rectified linear unit 6, i.e.
Relu6Derivative(SameDiff, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
Relu6Derivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
ReluInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: randn(shape) //N(0, 2/nIn);
ReluInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.ReluInitScheme
 
reluLayer(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reluLayer(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
reluLayer(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
ReLU (Rectified Linear Unit) layer operation: out = relu(mmul(in,w) + bias)
Note that bias array is optional
ReluLayer - Class in org.nd4j.linalg.api.ops.impl.transforms
Composed op: relu((X, W) + b)
ReluLayer(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.ReluLayer
 
ReluUniformInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: U(-sqrt(6/fanIn), sqrt(6/fanIn)
ReluUniformInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.ReluUniformInitScheme
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
remainder(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
remainder(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
remainder(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
remainderi(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.pairwise.arithmetic
Floating-point remainder operation
RemainderOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
RemainderOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
RemainderOp(SameDiff) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
RemainderOp(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
RemainderOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
RemainderOp(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
RemainderOp(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
RemainderOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
REMAPPING_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
REMOTE_DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ListDevicesResponse
 
REMOTE_GRAPH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
RemoteFusedGraphExecuteInfo - Class in org.tensorflow.framework
Protocol buffer representing a handle to a tensorflow resource.
RemoteFusedGraphExecuteInfo.Builder - Class in org.tensorflow.framework
Protocol buffer representing a handle to a tensorflow resource.
RemoteFusedGraphExecuteInfo.TensorShapeTypeProto - Class in org.tensorflow.framework
Protobuf type tensorflow.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
RemoteFusedGraphExecuteInfo.TensorShapeTypeProtoOrBuilder - Interface in org.tensorflow.framework
 
RemoteFusedGraphExecuteInfoOrBuilder - Interface in org.tensorflow.framework
 
RemoteFusedGraphExecuteInfoProto - Class in org.tensorflow.framework
 
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.adapter.MultiDataSetIteratorAdapter
 
remove() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
remove() - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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
 
remove(Object) - Method in class org.nd4j.list.BaseNDArrayList
 
remove(int) - Method in class org.nd4j.list.BaseNDArrayList
 
remove(Object) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
remove(int) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
remove(Object) - Method in class org.nd4j.list.NDArrayList
 
remove(int) - Method in class org.nd4j.list.NDArrayList
 
removeAll(Collection<?>) - Method in class org.nd4j.list.BaseNDArrayList
 
removeAll(Collection<?>) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
removeAll(Collection<?>) - Method in class org.nd4j.list.NDArrayList
 
removeAllocationRecords(int) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
removeArgFromFunction(String, DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Remove an argument for a function.
removeAssetFileDef(int) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
removeAttr(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
removeAttr(String) - Method in class org.tensorflow.framework.FunctionDef.Builder
Attributes specific to this function definition.
removeAttr(String) - Method in class org.tensorflow.framework.NameAttrList.Builder
map<string, .tensorflow.AttrValue> attr = 2;
removeAttr(String) - Method in class org.tensorflow.framework.NodeDef.Builder
Operation-specific graph-construction-time configuration.
removeAttr(int) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
removeAttribute(int) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
removeAttribute(int) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
removeAttributes(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
removeAttrs(String) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
map<string, .tensorflow.AttrValue> attrs = 5;
removeChildren(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
removeCollectionDef(String) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
collection_def: Map from collection name to collections.
removeConstNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
removeConstraint(int) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
removeCustomOptimizers(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
removeDebugTensorWatchOpts(int) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
removeDefaultGraphInputTensorShape(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
removeDefaultGraphOutputTensorShape(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
removeDeviceAttributes(int) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
removeDeviceAttributes(int) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
removeDeviceCount(String) - Method in class org.tensorflow.framework.ConfigProto.Builder
Map from device type name (e.g., "CPU" or "GPU" ) to maximum number of devices of that type to use.
removeDevStats(int) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
removeDim(int) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
removeDim(int) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
removeDim(int) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
removeEndpoint(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
removeEntry(int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Remove an element of the ndarray
removeEnvironment(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Version of the tools and libraries used with this device (e.g.
removeExtent(int) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
removeExternalValues(String) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names referenced by but external to this context.
removeFeed(int) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
removeFeed(int) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
removeFetch(int) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
removeFunc(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
removeFunction(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
removeGradient(int) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
removeGraphInputNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
removeGraphOutputNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
removeGraphs(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
removeGraphs(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
removeIArgument(Integer) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
removeIArgument(Integer) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
removeIArgument(Integer) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
removeIArgument(Integer) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
removeIArgument(Integer) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
removeInArg(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
removeInitializer(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
removeInitializer(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
removeInput(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
removeInput(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
removeInputArg(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
removeInputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
removeInputArgument(INDArray) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
removeInputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
removeInputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
removeInputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
removeInputInfo(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
removeInputs(String) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named input parameters.
removeInputs(int) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
removeInstances(List<?>, Class<?>) - Static method in class org.nd4j.autodiff.samediff.TrainingConfig
Remove any instances of the specified type from the list.
removeInstancesWithWarning(List<?>, Class<?>, String) - Static method in class org.nd4j.autodiff.samediff.TrainingConfig
 
removeJob(int) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
removeLink(int) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
removeLocalDevice(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
removeMemory(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
removeMetadataProps(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
removeMetadataProps(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
removeMetaGraphs(int) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
removeNestedContexts(int) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
removeNestedContexts(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
removeNode(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
removeNode(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
removeNode(int) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
removeNode(int) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
removeNodeDef(int) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
removeNodeInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
removeNodeInput(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
removeNodeInputInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
removeNodeOutputInfo(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
removeNodes(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
removeNodeStats(int) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
removeOp(int) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
removeOp(int) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
removeOperator(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
removeOpsetImport(int) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
removeOpsetImport(int) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
removeOutArg(int) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
removeOutput(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
removeOutput(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
removeOutput(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
removeOutputArg(int) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
removeOutputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
removeOutputArgument(INDArray) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
removeOutputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
removeOutputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
removeOutputArgument(INDArray) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
removeOutputInfo(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
removeOutputs(String) - Method in class org.tensorflow.framework.SignatureDef.Builder
Named output parameters.
removeParameterMap(String) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
map<string, .tensorflow.AttrValue> parameter_map = 2;
removePartitionGraph(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
removePartitionGraphs(int) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
removeQueue(int) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
removeRecv(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
removeReferencedTensor(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
removeRemoteDevice(int) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
removeResourceHandleVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
removeRet(String) - Method in class org.tensorflow.framework.FunctionDef.Builder
A mapping from the output arg names from `signature` to the outputs from `node_def` that should be returned by the function.
removeSend(int) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
removeSessionInterOpThreadPool(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
removeShape(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
removeSignatureDef(String) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
signature_def: Map from user supplied key for a signature to a single SignatureDef.
removeSlices(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
removeSlotVariables(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
removeSourceFiles(int) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
removeStep(int) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
removeStepSequence(int) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
removeTArgument(Double) - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
removeTArgument(Double) - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
removeTArgument(Double) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
removeTArgument(Double) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
removeTArgument(Double) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
removeTasks(int) - Method in class org.tensorflow.distruntime.JobDef.Builder
Mapping from task ID to "hostname:port" string.
removeTensor(int) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
removeTensor(int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
removeTensorConnection(int) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
removeTensors(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
removeTensors(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
removeTensors(int) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
removeValue(int) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
removeValue(int) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
removeValueInfo(int) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
removeValueInfo(int) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
removeVariantVal(int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
removeVirtualDevices(int) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
RENAME_TO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Arg
 
RENAME_TO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef.Attr
 
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
 
RENDEZVOUS_KEY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorRequest
 
repeat(SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
repeat(SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
repeat(String, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
repeat(int, long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
repeat(int, long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
repeat(int, long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Repeat elements along a specified dimension.
Repeat - Class in org.nd4j.linalg.api.ops.impl.shape
Repeat function
Repeat(int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
Repeat(SameDiff, SDVariable[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
Repeat(INDArray[], INDArray[], List<Double>, List<Integer>, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
Repeat(INDArray[], INDArray[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
Repeat(SameDiff, SDVariable[], boolean, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
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.scalar
Element-wise "Replace NaN" implementation as Op
ReplaceNans(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
ReplaceNans(SameDiff, SDVariable, Object[], double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
ReplaceNans() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
ReplaceNans(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
ReplaceNans(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
replaceSubgraphsMatching(SameDiff, SubGraphPredicate, SubGraphProcessor) - Static method in class org.nd4j.autodiff.samediff.transform.GraphTransformUtil
Find all of the subgraphs that match the specified SubGraphPredicate and then replace them with a different subgraph.
Note that the original SameDiff instance is not modified; a copy is made, which is then modified and returned.
replaceWhere(SDVariable, SDVariable, Condition) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
replaceWhere(SDVariable, Number, Condition) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
replaceWhere(SDVariable, SDVariable, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise replace where condition:
out[i] = from[i] if condition(update[i]) is satisfied, or
out[i] = update[i] if condition(update[i]) is NOT satisfied
replaceWhere(String, SDVariable, SDVariable, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise replace where condition:
out[i] = from[i] if condition(update[i]) is satisfied, or
out[i] = update[i] if condition(update[i]) is NOT satisfied
replaceWhere(SDVariable, Number, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise replace where condition:
out[i] = value if condition(update[i]) is satisfied, or
out[i] = update[i] if condition(update[i]) is NOT satisfied
replaceWhere(String, SDVariable, Number, Condition) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise replace where condition:
out[i] = value if condition(update[i]) is satisfied, or
out[i] = update[i] if condition(update[i]) is NOT satisfied
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 comparison 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 assessing 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.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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
repmat(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Replicate and tile array to fill out to the given shape
REPORT_TENSOR_ALLOCATIONS_UPON_OOM_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExecutorOpts
 
REPORT_TENSOR_ALLOCATIONS_UPON_OOM_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions
 
reportEvent(Event, Environment, Task) - Method in class org.nd4j.linalg.heartbeat.Heartbeat
 
REQUEST_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorRequest
 
REQUESTED_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocationDescription
 
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.evaluation.classification.Evaluation
 
reset() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
 
reset() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
reset() - Method in class org.nd4j.evaluation.classification.ROC
 
reset() - Method in class org.nd4j.evaluation.classification.ROCBinary
 
reset() - Method in class org.nd4j.evaluation.classification.ROCMultiClass
 
reset() - Method in interface org.nd4j.evaluation.IEvaluation
 
reset() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
reset() - Method in class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
reset() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
reset() - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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 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
resetPlanned - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
ResetRequest - Class in org.tensorflow.distruntime
Reset() allows misbehaving or slow sessions to be aborted and closed, and causes their resources eventually to be released.
ResetRequest.Builder - Class in org.tensorflow.distruntime
Reset() allows misbehaving or slow sessions to be aborted and closed, and causes their resources eventually to be released.
ResetRequestOrBuilder - Interface in org.tensorflow.distruntime
 
ResetResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ResetResponse
ResetResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.ResetResponse
ResetResponseOrBuilder - Interface in org.tensorflow.distruntime
 
resetSupported() - Method in class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
resetSupported() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
resetSupported() - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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(SDVariable, int[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reshape(SDVariable, long[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reshape(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reshape(SDVariable, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reshape the input variable to the specified (fixed) shape.
reshape(String, SDVariable, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reshape the input variable to the specified (fixed) shape.
reshape(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reshape the input variable to the specified (fixed) shape.
reshape(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reshape the input variable to the specified (fixed) shape.
reshape(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reshape the input variable to the specified (dynamic) shape.
reshape(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reshape the input variable to the specified (dynamic) shape.
reshape(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Reshape the current variable to the specified (dynamic) shape.
reshape(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Reshape the current variable to the specified shape.
reshape(long...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Reshape the current variable to the specified shape.
reshape(char, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
reshape(char, long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
reshape(char, boolean, long...) - 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(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
reshape(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Reshape the matrix.
reshape(char, long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
reshape(char, int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
reshape(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
reshape(long, long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
reshape(char, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
reshape(char, boolean, long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
reshape(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
reshape(char, long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reshapes the ndarray (can't change the length of the ndarray).
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, boolean, long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reshapes the ndarray (note: it's not possible to 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(long...) - 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
 
reshape(long, long) - 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
Reshape function
Reshape(SameDiff, SDVariable, long[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
Reshape(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
Reshape(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
Reshape() - 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
reshapeAndExtractNotMasked(INDArray, INDArray, INDArray, int) - Static method in class org.nd4j.evaluation.BaseEvaluation
 
reshapeTimeSeriesMaskToVector(INDArray) - Static method in class org.nd4j.evaluation.EvaluationUtils
Reshape time series mask arrays.
reshapeTimeSeriesTo2d(INDArray) - Static method in class org.nd4j.evaluation.EvaluationUtils
 
ResizeBilinear - Class in org.nd4j.linalg.api.ops.impl.image
ResizeBilinear op wrapper
ResizeBilinear() - Constructor for class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
ResizeNearestNeighbor - Class in org.nd4j.linalg.api.ops.impl.image
ResizeNearestNeighbor op wrapper
ResizeNearestNeighbor() - Constructor for class org.nd4j.linalg.api.ops.impl.image.ResizeNearestNeighbor
 
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(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(long[], INDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.NDArrayIndex
 
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
resolveLong(long[], 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[], int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Resolve properties and arguments right before execution of this operation.
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMean
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMin
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentProd
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSqrtN
 
resolvePropertiesFromSameDiffBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSum
 
resolveVariablesWith(Map<String, INDArray>) - Method in class org.nd4j.autodiff.samediff.SameDiff
Resolve all ndarrays by updating the variables for each array specified in the given map.
RESOURCE_EXHAUSTED_VALUE - Static variable in enum org.tensorflow.framework.Code
Some resource has been exhausted, perhaps a per-user quota, or perhaps the entire file system is out of space.
RESOURCE_HANDLE_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
ResourceHandle - Class in org.tensorflow.framework
 
ResourceHandleProto - Class in org.tensorflow.framework
Protocol buffer representing a handle to a tensorflow resource.
ResourceHandleProto.Builder - Class in org.tensorflow.framework
Protocol buffer representing a handle to a tensorflow resource.
ResourceHandleProtoOrBuilder - Interface in org.tensorflow.framework
 
restore(InputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.ImagePreProcessingSerializerStrategy
 
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
 
RESTORE_OP_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.util.SaverDef
 
restoreFromTrainingConfigZip(File) - Static method in class org.nd4j.autodiff.samediff.SameDiff
Restore a SameDiff instance from a configuration zip file
RestoreV2 - Class in org.nd4j.linalg.api.ops.persistence
 
RestoreV2() - Constructor for class org.nd4j.linalg.api.ops.persistence.RestoreV2
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
resultType() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
resultType() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
resultType() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
resultType() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
resultType() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
This method returns datatype for result array wrt given inputs
resultType() - Method in interface org.nd4j.linalg.api.ops.TransformOp
This method returns datatype for result array wrt given inputs
RET_FIELD_NUMBER - Static variable in class org.tensorflow.framework.FunctionDef
 
retainAll(Collection<?>) - Method in class org.nd4j.list.BaseNDArrayList
 
retainAll(Collection<?>) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
retainAll(Collection<?>) - Method in class org.nd4j.list.NDArrayList
 
reuseGraph(SameDiff, Map<Integer, INDArray>) - Method in class org.nd4j.autodiff.execution.BasicGraphExecutioner
 
reuseGraph(SameDiff, Map<Integer, INDArray>) - Method in interface org.nd4j.autodiff.execution.GraphExecutioner
 
reverse(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reverse(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
reverse(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reverse the values of an array for the specified dimensions
If input is:
[ 1, 2, 3]
[ 4, 5, 6]
then
reverse(in, 0):
[3, 2, 1]
[6, 5, 4]
reverse(in, 0):
[4, 5, 6]
[1, 2 3]
reverse - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
reverse - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
Reverse - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
Reverse(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Reverse
 
Reverse() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Reverse
 
reverse - Variable in class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
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.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
 
reverseIndexes(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Return the index of the value corresponding to the indexes
reverseSequence(SDVariable, SDVariable, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reverseSequence(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
reverseSequence(SDVariable, SDVariable, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
reverseSequence(String, SDVariable, SDVariable, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Reverse sequence op: for each slice along dimension seqDimension, the first seqLength values are reversed
reverseSequence(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
reverseSequence(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
ReverseSequence - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Created by farizrahman4u on 3/16/18.
ReverseSequence(SameDiff, SDVariable, SDVariable, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
ReverseSequence(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
ReverseSequence() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
ReverseV2 - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
This is compatibility op for ReverseV2
ReverseV2() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
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(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
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[], INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
revertFeatures(INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
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[], INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
revertLabels(INDArray[]) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
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
 
REWRITE_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
RewriterConfig - Class in org.tensorflow.framework
Graph rewriting is experimental and subject to change, not covered by any API stability guarantees.
RewriterConfig.Builder - Class in org.tensorflow.framework
Graph rewriting is experimental and subject to change, not covered by any API stability guarantees.
RewriterConfig.CustomGraphOptimizer - Class in org.tensorflow.framework
Message to describe custom graph optimizer and its parameters
RewriterConfig.CustomGraphOptimizer.Builder - Class in org.tensorflow.framework
Message to describe custom graph optimizer and its parameters
RewriterConfig.CustomGraphOptimizerOrBuilder - Interface in org.tensorflow.framework
 
RewriterConfig.MemOptType - Enum in org.tensorflow.framework
Protobuf enum tensorflow.RewriterConfig.MemOptType
RewriterConfig.NumIterationsType - Enum in org.tensorflow.framework
Enum controlling the number of times to run optimizers.
RewriterConfig.Toggle - Enum in org.tensorflow.framework
Protobuf enum tensorflow.RewriterConfig.Toggle
RewriterConfigOrBuilder - Interface in org.tensorflow.framework
 
RewriterConfigProtos - Class in org.tensorflow.framework
 
Rint - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Rint function
Rint(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
Rint() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
Rint(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
Rint(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
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(ISchedule) - Constructor for class org.nd4j.linalg.learning.config.RmsProp
 
RmsProp(double, double, 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
 
rnn - Variable in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for recurrent neural network operations
rnn() - Method in class org.nd4j.autodiff.samediff.SameDiff
Op creator object for recurrent neural network operations
RnnDataFormat - Enum in org.nd4j.linalg.api.ops.impl.layers.recurrent.config
Data format for RNNs - rank 3 data.
TNS: shape [timeLength, numExamples, inOutSize] - sometimes referred to as "time major"
NST: shape [numExamples, inOutSize, timeLength]
NTS: shape [numExamples, timeLength, inOutSize] - TF "time_major=false" layout
ROC - Class in org.nd4j.evaluation.classification
ROC (Receiver Operating Characteristic) for binary classifiers.
ROC has 2 modes of operation: (a) Thresholded (less memory)
(b) Exact (default; use numSteps == 0 to set.
ROC() - Constructor for class org.nd4j.evaluation.classification.ROC
 
ROC(int) - Constructor for class org.nd4j.evaluation.classification.ROC
 
ROC(int, boolean) - Constructor for class org.nd4j.evaluation.classification.ROC
 
ROC(int, boolean, int) - Constructor for class org.nd4j.evaluation.classification.ROC
 
ROC.CountsForThreshold - Class in org.nd4j.evaluation.classification
 
ROCArraySerializer - Class in org.nd4j.evaluation.serde
Custom Jackson serializer for ROC[].
ROCArraySerializer() - Constructor for class org.nd4j.evaluation.serde.ROCArraySerializer
 
ROCBinary - Class in org.nd4j.evaluation.classification
ROC (Receiver Operating Characteristic) for multi-task binary classifiers.
ROCBinary() - Constructor for class org.nd4j.evaluation.classification.ROCBinary
 
ROCBinary(int) - Constructor for class org.nd4j.evaluation.classification.ROCBinary
 
ROCBinary(int, boolean) - Constructor for class org.nd4j.evaluation.classification.ROCBinary
 
RocCurve - Class in org.nd4j.evaluation.curves
ROC curve: a set of (false positive, true positive) tuples at different thresholds
RocCurve(double[], double[], double[]) - Constructor for class org.nd4j.evaluation.curves.RocCurve
 
ROCMultiClass - Class in org.nd4j.evaluation.classification
ROC (Receiver Operating Characteristic) for multi-class classifiers.
ROCMultiClass() - Constructor for class org.nd4j.evaluation.classification.ROCMultiClass
 
ROCMultiClass(int) - Constructor for class org.nd4j.evaluation.classification.ROCMultiClass
 
ROCMultiClass(int, boolean) - Constructor for class org.nd4j.evaluation.classification.ROCMultiClass
 
ROCSerializer - Class in org.nd4j.evaluation.serde
Custom Jackson serializer for ROC.
ROCSerializer() - Constructor for class org.nd4j.evaluation.serde.ROCSerializer
 
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.
root - Variable in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
 
rootMeanSquaredError(int) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
rootNode - Variable in class org.nd4j.autodiff.samediff.transform.SubGraph
 
rootState() - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
rootState() - Method in interface org.nd4j.linalg.api.rng.Random
 
rot(long, INDArray, INDArray, double, double) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
performs rotation of points in the plane.
rot(long, INDArray, INDArray, double, double) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
Applies Givens rotation to sparse vectors one of which is in compressed form.
rot(long, INDArray, INDArray, double, double) - 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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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(INDArray, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
rotmg(INDArray, INDArray, INDArray, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes the modified parameters for a Givens rotation.
round(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
round(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise round function: out = round(x).
round(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise round function: out = round(x).
Round - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Rounding function
Round(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
Round() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
Round(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
Round(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.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
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 - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rows() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
Deprecated.
RowVectorDeserializer() - Constructor for class org.nd4j.linalg.lossfunctions.serde.RowVectorDeserializer
Deprecated.
 
RowVectorSerializer - Class in org.nd4j.linalg.lossfunctions.serde
Deprecated.
RowVectorSerializer() - Constructor for class org.nd4j.linalg.lossfunctions.serde.RowVectorSerializer
Deprecated.
 
RPC_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
RPCOptions - Class in org.tensorflow.framework
Protobuf type tensorflow.RPCOptions
RPCOptions.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.RPCOptions
RPCOptionsOrBuilder - Interface in org.tensorflow.framework
 
rsqrt(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rsqrt(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise reciprocal (inverse) of square root: out = 1.0 / sqrt(x)
rsqrt(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise reciprocal (inverse) of square root: out = 1.0 / sqrt(x)
RSqrt - Class in org.nd4j.linalg.api.ops.impl.transforms.floating
RSqrt function
RSqrt(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
RSqrt() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
RSqrt(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
RSqrt(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
rSquared(int) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
Coefficient of Determination (R^2 Score)
rsub(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rsub(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rsub(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
rsub(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Scalar reverse subtraction: out = scalar - this
Output variable has the same shape as the input variable
rsub(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
rsub(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Reverse subtraction operation: elementwise x - this
If this and x variables have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if this and x have different shapes and are broadcastable, the output shape is broadcast.
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsub(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsub(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsub(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast reverse subtraction op.
rsubBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
RSubBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Division backprop operation.
RSubBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.RSubBpOp
 
RSubBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.RSubBpOp
 
rsubColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsubColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction of a column vector (copy)
rsubi(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rsubi(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
rsubi(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
rsubi(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
rsubi(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
rsubi(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsubi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsubi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsubi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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)
rsubiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.ndarray.BaseNDArray
 
rsubiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.pairwise.arithmetic
Reverse subtraction operation
RSubOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
RSubOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
RSubOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
RSubOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
RSubOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
rsubRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
rsubRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
rsubRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Reverse subtraction of a row vector (copy)
RUN_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CallableOptions
 
RunCallableRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunCallableRequest
RunCallableRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunCallableRequest
RunCallableRequestOrBuilder - Interface in org.tensorflow.distruntime
 
RunCallableResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunCallableResponse
RunCallableResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunCallableResponse
RunCallableResponseOrBuilder - Interface in org.tensorflow.distruntime
 
RunGraphRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunGraphRequest
RunGraphRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunGraphRequest
RunGraphRequestOrBuilder - Interface in org.tensorflow.distruntime
 
RunGraphResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunGraphResponse
RunGraphResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunGraphResponse
RunGraphResponseOrBuilder - Interface in org.tensorflow.distruntime
 
RunMetadata - Class in org.tensorflow.framework
Metadata output (i.e., non-Tensor) for a single Run() call.
RunMetadata.Builder - Class in org.tensorflow.framework
Metadata output (i.e., non-Tensor) for a single Run() call.
RunMetadataOrBuilder - Interface in org.tensorflow.framework
 
RunOptions - Class in org.tensorflow.framework
Options for a single Run() call.
RunOptions.Builder - Class in org.tensorflow.framework
Options for a single Run() call.
RunOptions.Experimental - Class in org.tensorflow.framework
Everything inside Experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
RunOptions.Experimental.Builder - Class in org.tensorflow.framework
Everything inside Experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
RunOptions.ExperimentalOrBuilder - Interface in org.tensorflow.framework
 
RunOptions.TraceLevel - Enum in org.tensorflow.framework
TODO(pbar) Turn this into a TraceOptions proto which allows tracing to be controlled in a more orthogonal manner?
RunOptionsOrBuilder - Interface in org.tensorflow.framework
 
RunStepRequest - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunStepRequest
RunStepRequest.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunStepRequest
RunStepRequestOrBuilder - Interface in org.tensorflow.distruntime
 
RunStepResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunStepResponse
RunStepResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.RunStepResponse
RunStepResponseOrBuilder - Interface in org.tensorflow.distruntime
 

S

s(int) - Method in class org.nd4j.graph.FlatProperties
 
s0 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
s1 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
s2 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
s3 - Variable in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
S_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
S_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
S_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
S_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
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
 
sameDiff - Variable in class org.nd4j.autodiff.functions.DifferentialFunction
 
sameDiff - Variable in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sameDiff() - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sameDiff - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
SameDiff - Class in org.nd4j.autodiff.samediff
SameDiff is the entrypoint for ND4J's automatic differentiation functionality.
sameDiff - Variable in class org.nd4j.autodiff.samediff.transform.SubGraph
 
sameDiff(SameDiff) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp.SameDiffBuilder
 
SAMEDIFF_FILE_ENTRY_NAME - Static variable in class org.nd4j.autodiff.samediff.SameDiff
 
sameDiffBuilder(String, SameDiff) - Static method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
SameDiffBuilder(String, SameDiff, long, int, int, boolean, int, int) - Constructor for class org.nd4j.linalg.api.ops.DynamicCustomOp.SameDiffBuilder
 
SameDiffConditional - Interface in org.nd4j.autodiff.samediff
An interface for representing a conditional statement
SameDiffFunctionDefinition - Interface in org.nd4j.autodiff.samediff
A function definition for samediff
SameDiffOp - Class in org.nd4j.autodiff.samediff.internal
 
SameDiffOp() - Constructor for class org.nd4j.autodiff.samediff.internal.SameDiffOp
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
Generate a random value sampled from this distribution.
sample(long) - 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(long[]) - Method in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
 
sample(INDArray) - 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(long) - 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(long[]) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
 
sample(INDArray) - Method in interface org.nd4j.linalg.api.rng.distribution.Distribution
Fill the target array by sampling from the distribution
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
sample(INDArray) - Method in class org.nd4j.linalg.api.rng.distribution.impl.BinomialDistribution
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.impl.ConstantDistribution
Generate a random value sampled from this distribution.
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.ConstantDistribution
 
sample(INDArray) - Method in class org.nd4j.linalg.api.rng.distribution.impl.ConstantDistribution
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
Generate a random value sampled from this distribution.
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
 
sample(INDArray) - Method in class org.nd4j.linalg.api.rng.distribution.impl.LogNormalDistribution
 
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(INDArray) - Method in class org.nd4j.linalg.api.rng.distribution.impl.NormalDistribution
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
Generate a random value sampled from this distribution.
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
 
sample(long[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
 
sample(INDArray) - Method in class org.nd4j.linalg.api.rng.distribution.impl.OrthogonalDistribution
 
sample() - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Generate a random value sampled from this distribution.
sample(int[]) - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
 
sample(INDArray) - Method in class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
 
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(INDArray) - 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
SAMPLE_RATE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Audio
 
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(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sasum(long, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sasum(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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
 
SAVE_SLICE_INFO_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariableDef
 
SAVE_TENSOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.util.SaverDef
 
saveBinary(INDArray, File) - Static method in class org.nd4j.linalg.factory.Nd4j
Save an ndarray to the given file
SAVED_MODEL_SCHEMA_VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SavedModel
 
SavedModel - Class in org.tensorflow.framework
SavedModel is the high level serialization format for TensorFlow Models.
SavedModel.Builder - Class in org.tensorflow.framework
SavedModel is the high level serialization format for TensorFlow Models.
SavedModelOrBuilder - Interface in org.tensorflow.framework
 
SavedModelProtos - Class in org.tensorflow.framework
 
SAVER_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef
 
SaverDef - Class in org.tensorflow.util
Protocol buffer representing the configuration of a Saver.
SaverDef.Builder - Class in org.tensorflow.util
Protocol buffer representing the configuration of a Saver.
SaverDef.CheckpointFormatVersion - Enum in org.tensorflow.util
A version number that identifies a different on-disk checkpoint format.
SaverDefOrBuilder - Interface in org.tensorflow.util
 
SaverProtos - Class in org.tensorflow.util
 
SaveSliceInfoDef - Class in org.tensorflow.framework
Protobuf type tensorflow.SaveSliceInfoDef
SaveSliceInfoDef.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.SaveSliceInfoDef
SaveSliceInfoDefOrBuilder - Interface in org.tensorflow.framework
 
SaveV2 - Class in org.nd4j.linalg.api.ops.persistence
 
SaveV2() - Constructor for class org.nd4j.linalg.api.ops.persistence.SaveV2
 
saveWithTrainingConfig(OutputStream) - Method in class org.nd4j.autodiff.samediff.SameDiff
Save this samediff instance with its training config.
saveWithTrainingConfig(File) - Method in class org.nd4j.autodiff.samediff.SameDiff
Save this samediff instance with its training config.
saveWithTrainingConfig(TrainingConfig, OutputStream) - Method in class org.nd4j.autodiff.samediff.SameDiff
Save this samediff instance as a zip file with the training configuration
saxpy(long, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
saxpy(long, 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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
saxpy(float, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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.
saxpyi(long, double, INDArray, DataBuffer, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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(long, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
computes a vector by a scalar product.
scal(long, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
Computes the product of a vector by a scalar.
scal(long, double, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
computes a vector by a scalar product.
scal(double, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
scal(float, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
scal(double, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
scal(float, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
scal(double, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
scal(float, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Deprecated.
scalar(String, double) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new double scalar (rank 0) SDVariable with the specified value
scalar(String, float) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new float scalar (rank 0) SDVariable with the specified value
scalar(String, int) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new integer scalar (rank 0) SDVariable with the specified value
scalar(String, long) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new long scalar (rank 0) SDVariable with the specified value
scalar(String, DataType, Number) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new scalar (rank 0) SDVariable with the specified value and datatype
scalar() - Method in class org.nd4j.graph.FlatNode
 
scalar(FlatArray) - Method in class org.nd4j.graph.FlatNode
 
SCALAR - Static variable in class org.nd4j.graph.OpType
 
SCALAR - Static variable in class org.nd4j.graph.UIEventType
 
scalar() - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
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(Number) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified value
scalar(DataType, Number) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar ndarray with the specified value and datatype
scalar(double) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar nd array with the specified value
scalar(float) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar NDArray with the specified value and FLOAT datatype
scalar(boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar NDArray with the specified value and BOOLEAN datatype
scalar(int) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar NDArray with the specified value and INT datatype
scalar(long) - Static method in class org.nd4j.linalg.factory.Nd4j
Create a scalar NDArray with the specified value and LONG datatype
scalar(String) - Static method in class org.nd4j.linalg.factory.Nd4j
 
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_BOOL - Static variable in class org.nd4j.graph.OpType
 
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, 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) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(SameDiff, SDVariable, Number, boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAdd(SameDiff, SDVariable, Number, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
ScalarAnd - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarAnd() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
ScalarAnd(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
ScalarAnd(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
ScalarAnd(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
scalarBoolOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
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, 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
ScalarDivision(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
ScalarEps - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarEps() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
ScalarEps(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
ScalarEps(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
ScalarEps(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
ScalarEps(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
ScalarEps(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
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, 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) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
ScalarEquals(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
ScalarEquals(SameDiff, SDVariable, Number, boolean) - 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)
scalarEquals(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
scalarFloorMod(SDVariable, Number) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scalarFloorMod(SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise scalar floor modulus operation: out = floorMod(in, value).
scalarFloorMod(String, SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise scalar floor modulus operation: out = floorMod(in, value).
ScalarFMod - Class in org.nd4j.linalg.api.ops.impl.scalar
Scalar floating-point remainder (fmod aka 'floormod')
ScalarFMod() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
ScalarFMod(INDArray, INDArray, INDArray, 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(SameDiff, SDVariable, Number) - 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(SameDiff, SDVariable, Number, boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(SameDiff, SDVariable, Number, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
ScalarGreaterThan(INDArray, INDArray, 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
 
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, 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarGreaterThanOrEqual(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarGreaterThanOrEqual(SameDiff, SDVariable, Number, boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
ScalarGreaterThanOrEqual(SameDiff, SDVariable, Number, Object[]) - 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, 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(SameDiff, SDVariable, Number, boolean) - 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarLessThanOrEqual(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarLessThanOrEqual() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
ScalarLessThanOrEqual(INDArray, INDArray, 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
 
scalarMax(SDVariable, Number) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scalarMax(SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise scalar maximum operation: out = max(in, value)
scalarMax(String, SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise scalar maximum operation: out = max(in, value)
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, 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
scalarMin(SDVariable, Number) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scalarMin(SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise scalar minimum operation: out = min(in, value)
scalarMin(String, SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Element-wise scalar minimum operation: out = min(in, value)
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, 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(SameDiff, SDVariable, Number) - 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, 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) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarMultiplication(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarMultiplication(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
ScalarNot - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarNot() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
ScalarNot(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
ScalarNot(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
ScalarNot(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
ScalarNot(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
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, 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
ScalarNotEquals(SameDiff, SDVariable, Number, boolean) - 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.
scalarOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
ScalarOr - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarOr() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
ScalarOr(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
ScalarOr(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
ScalarOr(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
ScalarOr(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
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, 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
ScalarRemainder(SameDiff, SDVariable, Number, boolean) - 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, 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
ScalarReverseDivision(SameDiff, SDVariable, Number, boolean) - 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, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
ScalarReverseSubtraction(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
scalarSet(SDVariable, Number) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scalarSet(SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return an array with equal shape to the input, but all elements set to value 'set'
scalarSet(String, SDVariable, Number) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return a variable with equal shape to the input, but all elements set to value 'set'
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, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSet(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSet(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
ScalarSet(SameDiff, SDVariable, Number, boolean) - 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(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(SameDiff, SDVariable, Number, boolean, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(SameDiff, SDVariable, Number, Object[]) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
ScalarSetValue(INDArray, INDArray, INDArray, 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
 
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, 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) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
ScalarSubtraction(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
ScalarSubtraction(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
scalarValue - Variable in class org.nd4j.autodiff.functions.DifferentialFunction
 
ScalarXor - Class in org.nd4j.linalg.api.ops.impl.scalar.comparison
Return a binary (0 or 1) when greater than a number
ScalarXor() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
ScalarXor(INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
ScalarXor(INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
ScalarXor(SameDiff, SDVariable, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
ScalarXor(SameDiff, SDVariable, Number, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
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
scaleH - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
scaleH - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
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
scaleW - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
scaleW - Variable in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
scan(Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
scan(Condition) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
scan(Condition) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method takes boolean condition, and returns number of elements matching this condition
scatter(SDVariable, SDVariable, int...) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
scatter(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
scatterAdd(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scatterAdd(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
scatterAdd(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Scatter addition operation.
If indices is rank 0 (a scalar), then out[index, ...] += updates[...]
If indices is rank 1 (a vector), then for each position i, out[indices[i], ...] += updates[i, ...]
If indices is rank 2+, then for each position (i,...,k), out[indices[i], ..., indices[k], ...] += updates[i, ..., k, ...]
Note that if multiple indices refer to the same location, the contributions from each is handled correctly.
ScatterAdd - Class in org.nd4j.linalg.api.ops.impl.scatter
Created by farizrahman4u on 3/23/18.
ScatterAdd(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
ScatterAdd() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
scatterDiv(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scatterDiv(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
scatterDiv(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Scatter division operation.
If indices is rank 0 (a scalar), then out[index, ...] /= updates[...]
If indices is rank 1 (a vector), then for each position i, out[indices[i], ...] /= updates[i, ...]
If indices is rank 2+, then for each position (i,...,k), out[indices[i], ..., indices[k], ...] /= updates[i, ..., k, ...]
Note that if multiple indices refer to the same location, the contributions from each is handled correctly.
ScatterDiv - Class in org.nd4j.linalg.api.ops.impl.scatter
Created by farizrahman4u on 3/23/18.
ScatterDiv(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
ScatterDiv() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
scatterMax(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scatterMax(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
scatterMax(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Scatter max operation.
If indices is rank 0 (a scalar), then out[index, ...] = max(updates[...], in[index,...])
If indices is rank 1 (a vector), then for each position i, out[indices[i], ...] = max(updates[i,...], in[indices[i],...])
If indices is rank 2+, then for each position (i,...,k), out[indices[i], ..., indices[k], ...] = max(updates[i, ..., k, ...], in[indices[i], ..., indices[k], ...]
Note that if multiple indices refer to the same location, the contributions from each is handled correctly.
ScatterMax - Class in org.nd4j.linalg.api.ops.impl.scatter
 
ScatterMax(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
ScatterMax() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
scatterMin(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scatterMin(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
scatterMin(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Scatter min operation.
If indices is rank 0 (a scalar), then out[index, ...] = min(updates[...], in[index,...])
If indices is rank 1 (a vector), then for each position i, out[indices[i], ...] = min(updates[i,...], in[indices[i],...])
If indices is rank 2+, then for each position (i,...,k), out[indices[i], ..., indices[k], ...] = min(updates[i, ..., k, ...], in[indices[i], ..., indices[k], ...]
Note that if multiple indices refer to the same location, the contributions from each is handled correctly.
ScatterMin - Class in org.nd4j.linalg.api.ops.impl.scatter
 
ScatterMin(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
ScatterMin() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
scatterMul(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scatterMul(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
scatterMul(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Scatter multiplication operation.
If indices is rank 0 (a scalar), then out[index, ...] *= updates[...]
If indices is rank 1 (a vector), then for each position i, out[indices[i], ...] *= updates[i, ...]
If indices is rank 2+, then for each position (i,...,k), out[indices[i], ..., indices[k], ...] *= updates[i, ..., k, ...]
Note that if multiple indices refer to the same location, the contributions from each is handled correctly.
ScatterMul - Class in org.nd4j.linalg.api.ops.impl.scatter
Created by farizrahman4u on 3/23/18.
ScatterMul(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
ScatterMul() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
ScatterNd - Class in org.nd4j.linalg.api.ops.impl.scatter
Scatter ND operation
ScatterNd(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
ScatterNd() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
ScatterNdAdd - Class in org.nd4j.linalg.api.ops.impl.scatter
Scatter ND add operation
ScatterNdAdd(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
ScatterNdAdd() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
ScatterNdSub - Class in org.nd4j.linalg.api.ops.impl.scatter
Scatter ND subtract operation
ScatterNdSub(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
ScatterNdSub() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
ScatterNdUpdate - Class in org.nd4j.linalg.api.ops.impl.scatter
Scatter ND add operation
ScatterNdUpdate(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
ScatterNdUpdate() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
scatterSub(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scatterSub(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
scatterSub(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Scatter subtraction operation.
If indices is rank 0 (a scalar), then out[index, ...] -= updates[...]
If indices is rank 1 (a vector), then for each position i, out[indices[i], ...] -= updates[i, ...]
If indices is rank 2+, then for each position (i,...,k), out[indices[i], ..., indices[k], ...] -= updates[i, ..., k, ...]
Note that if multiple indices refer to the same location, the contributions from each is handled correctly.
ScatterSub - Class in org.nd4j.linalg.api.ops.impl.scatter
Created by farizrahman4u on 3/23/18.
ScatterSub(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
ScatterSub() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
scatterUpdate(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
scatterUpdate(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
scatterUpdate(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Scatter update operation.
If indices is rank 0 (a scalar), then out[index, ...] = updates[...]
If indices is rank 1 (a vector), then for each position i, out[indices[i], ...] = updates[i, ...]
If indices is rank 2+, then for each position (i,...,k), out[indices[i], ..., indices[k], ...] = updates[i, ..., k, ...]
Note that if multiple indices refer to the same location, the output at those locations is undefined - different updates may occur in different orders
ScatterUpdate - Class in org.nd4j.linalg.api.ops.custom
 
ScatterUpdate(INDArray, INDArray, int[], int[], ScatterUpdate.UpdateOp) - Constructor for class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
ScatterUpdate(INDArray, INDArray, INDArray, int[], int[], ScatterUpdate.UpdateOp) - Constructor for class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
scatterUpdate(ScatterUpdate.UpdateOp, INDArray, INDArray, INDArray, int[]) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
scatterUpdate(ScatterUpdate.UpdateOp, INDArray, INDArray, INDArray, int[]) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Deprecated.
ScatterUpdate - Class in org.nd4j.linalg.api.ops.impl.scatter
Scatter update op
ScatterUpdate(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
ScatterUpdate() - Constructor for class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
scatterUpdate(ScatterUpdate.UpdateOp, INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
ScatterUpdate.UpdateOp - Enum in org.nd4j.linalg.api.ops.custom
 
ScatterUpdate.UpdateOp - Enum in org.nd4j.linalg.api.ops.impl.scatter
 
SCHEDULED_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
ScheduleType - Enum in org.nd4j.linalg.schedule
 
SCHEDULING_HEURISTICS_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.MemOptType
Scheduling will split big ops such as AddN and try to enforce a schedule of the new computations that decreases peak memory usage.
SCOMPLEX_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
sconv2d(SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
Separable Conv2d operation.
sconv2d(SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Separable 2D convolution operation with/without optional bias
sconv2d(String, SDVariable[], Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Separable 2D convolution operation with/without optional bias
SConv2D - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Separable convolution 2D operation
SConv2D(SameDiff, SDVariable[], INDArray[], INDArray[], Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
SConv2D() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
SConv2DDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
SConv2DDerivative operation
SConv2DDerivative(SameDiff, SDVariable[], INDArray[], INDArray[], Conv2DConfig) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
SConv2DDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
scoomv(char, int, DataBuffer, DataBuffer, DataBuffer, int, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
SCOPED_ALLOCATOR_OPTIMIZATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
SCOPED_ALLOCATOR_OPTS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
ScopedAllocatorOptions - Class in org.tensorflow.framework
Protobuf type tensorflow.ScopedAllocatorOptions
ScopedAllocatorOptions.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.ScopedAllocatorOptions
ScopedAllocatorOptionsOrBuilder - Interface in org.tensorflow.framework
 
scopeId() - Method in class org.nd4j.graph.FlatNode
 
scopeName() - Method in class org.nd4j.graph.FlatNode
 
scopeNameAsByteBuffer() - Method in class org.nd4j.graph.FlatNode
 
scopeNameInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
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.
scopeOutOfWs - Variable in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
scopy(long, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
scopy(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
score(INDArray, int, int) - Method in class org.nd4j.linalg.learning.regularization.L1Regularization
 
score(INDArray, int, int) - Method in class org.nd4j.linalg.learning.regularization.L2Regularization
 
score(INDArray, int, int) - Method in interface org.nd4j.linalg.learning.regularization.Regularization
Calculate the loss function score component for the regularization.
For example, in L2 regularization, this would return L = 0.5 * sum_i param[i]^2
For regularization types that don't have a score component, this method can return 0.
score(INDArray, int, int) - Method in class org.nd4j.linalg.learning.regularization.WeightDecay
 
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.LossMultiLabel
 
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
 
scoreForMetric(Evaluation.Metric) - Method in class org.nd4j.evaluation.classification.Evaluation
 
scoreForMetric(EvaluationBinary.Metric, int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Calculate specific metric (see EvaluationBinary.Metric) for a given label.
scoreForMetric(RegressionEvaluation.Metric) - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
sd() - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sd - Variable in class org.nd4j.autodiff.samediff.ops.SDOps
 
sd() - Method in class org.nd4j.autodiff.samediff.SameDiff
 
SDBaseOps - Class in org.nd4j.autodiff.samediff.ops
Core op creator methods available via SameDiff class directly
SDBaseOps() - Constructor for class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
SDCNN - Class in org.nd4j.autodiff.samediff.ops
SameDiff Convolutional Neural Network operations - CNN1d, 2d and 3d ops - as well as related functions.
Accessible via SameDiff.cnn()
See also SDNN (accessible via SameDiff.nn() for general neural network ops.
See also SDRNN (accessible via SameDiff.rnn() for recurrent neural network ops.
SDCNN(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.ops.SDCNN
 
SDIndex - Class in org.nd4j.autodiff.samediff
 
SDIndex() - Constructor for class org.nd4j.autodiff.samediff.SDIndex
 
SDIndex.IndexType - Enum in org.nd4j.autodiff.samediff
 
SDLoss - Class in org.nd4j.autodiff.samediff.ops
SameDiff loss functions
Accessible via SameDiff.loss()
SDLoss(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.ops.SDLoss
 
SDMath - Class in org.nd4j.autodiff.samediff.ops
SameDiff math operations
Accessible via SameDiff.math()
SDMath(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.ops.SDMath
 
SDNN - Class in org.nd4j.autodiff.samediff.ops
SameDiff general neural network operations
Accessible via SameDiff.math()
See also SDCNN (accessible via SameDiff.cnn() for convolutional neural network ops.
See also SDRNN (accessible via SameDiff.rnn() for recurrent neural network ops.
SDNN(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.ops.SDNN
 
SDOps - Class in org.nd4j.autodiff.samediff.ops
Abstract class for defining categories of operations - such as SDMath that is available via SameDiff.math()
SDOps(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.ops.SDOps
 
sdot(long, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sdot(long, DataBuffer, int, int, DataBuffer, int, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sdoti(long, INDArray, DataBuffer, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
SDRandom - Class in org.nd4j.autodiff.samediff.ops
SameDiff random number generator operations
Accessible via SameDiff.random()
SDRandom(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.ops.SDRandom
 
SDRNN - Class in org.nd4j.autodiff.samediff.ops
SameDiff Recurrent Neural Network operations
Accessible via SameDiff.rnn()
See also SDNN (accessible via SameDiff.nn() for general neural network ops.
See also SDCNN (accessible via SameDiff.cnn() for convolutional neural network ops.
SDRNN(SameDiff) - Constructor for class org.nd4j.autodiff.samediff.ops.SDRNN
 
sdsdot(long, float, INDArray, int, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
SDValidation - Class in org.nd4j.autodiff.samediff.ops
 
SDVariable - Class in org.nd4j.autodiff.samediff
A variable representing a component within a graph.
SDVariable(String, VariableType, SameDiff, long[], DataType, WeightInitScheme) - Constructor for class org.nd4j.autodiff.samediff.SDVariable
 
second() - Method in class org.nd4j.graph.IntPair
 
second() - Method in class org.nd4j.graph.IntTriple
 
second() - Method in class org.nd4j.graph.LongPair
 
second() - Method in class org.nd4j.graph.LongTriple
 
seed - Variable in class org.nd4j.linalg.api.rng.DefaultRandom
 
SEGMENT_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
SEGMENT_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
segmentMax(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
segmentMax(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
segmentMax(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Segment max operation.
If data = [3, 6, 1, 4, 9, 2, 8]
segmentIds = [0, 0, 1, 1, 1, 2, 2]
then output = [6, 9, 8] = [max(3,6), max(1,4,9), max(2,8)]
Note that the segment IDs must be sorted from smallest to largest segment.
SegmentMax - Class in org.nd4j.linalg.api.ops.impl.transforms.custom.segment
Segment max operation
SegmentMax(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMax
 
SegmentMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMax
 
segmentMaxBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SegmentMaxBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Segment max backprop operation
SegmentMaxBp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMaxBp
 
SegmentMaxBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMaxBp
 
segmentMean(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
segmentMean(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
segmentMean(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Segment mean operation.
If data = [3, 6, 1, 4, 9, 2, 8]
segmentIds = [0, 0, 1, 1, 1, 2, 2]
then output = [4.5, 4.666, 5] = [mean(3,6), mean(1,4,9), mean(2,8)]
Note that the segment IDs must be sorted from smallest to largest segment.
SegmentMean - Class in org.nd4j.linalg.api.ops.impl.transforms.custom.segment
Segment mean operation
SegmentMean(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMean
 
SegmentMean() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMean
 
segmentMeanBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SegmentMeanBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Segment mean backprop operation
SegmentMeanBp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMeanBp
 
SegmentMeanBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMeanBp
 
segmentMin(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
segmentMin(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
segmentMin(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Segment min operation.
If data = [3, 6, 1, 4, 9, 2, 8]
segmentIds = [0, 0, 1, 1, 1, 2, 2]
then output = [3, 1, 2] = [min(3,6), min(1,4,9), min(2,8)]
Note that the segment IDs must be sorted from smallest to largest segment.
SegmentMin - Class in org.nd4j.linalg.api.ops.impl.transforms.custom.segment
Segment min operation
SegmentMin(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMin
 
SegmentMin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMin
 
segmentMinBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SegmentMinBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Segment min backprop operation
SegmentMinBp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMinBp
 
SegmentMinBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentMinBp
 
segmentProd(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
segmentProd(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
segmentProd(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Segment product operation.
If data = [3, 6, 1, 4, 9, 2, 8]
segmentIds = [0, 0, 1, 1, 1, 2, 2]
then output = [18, 36, 16] = [prod(3,6), prod(1,4,9), prod(2,8)]
Note that the segment IDs must be sorted from smallest to largest segment.
SegmentProd - Class in org.nd4j.linalg.api.ops.impl.transforms.custom.segment
Segment product operation
SegmentProd(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentProd
 
SegmentProd() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentProd
 
segmentProdBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SegmentProdBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Segment product backprop operation
SegmentProdBp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentProdBp
 
SegmentProdBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentProdBp
 
segmentSum(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
segmentSum(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
segmentSum(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Segment sum operation.
If data = [3, 6, 1, 4, 9, 2, 8]
segmentIds = [0, 0, 1, 1, 1, 2, 2]
then output = [9, 14, 10] = [sum(3,6), sum(1,4,9), sum(2,8)]
Note that the segment IDs must be sorted from smallest to largest segment.
SegmentSum - Class in org.nd4j.linalg.api.ops.impl.transforms.custom.segment
Segment sum operation
SegmentSum(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentSum
 
SegmentSum() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentSum
 
segmentSumBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SegmentSumBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Segment sum backprop operation
SegmentSumBp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentSumBp
 
SegmentSumBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.SegmentSumBp
 
Select - Class in org.nd4j.linalg.api.ops.impl.controlflow
 
Select(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
Select(INDArray[], INDArray[], List<Double>, List<Integer>) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
Select(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
Select(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
selu(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
selu(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise SeLU function - Scaled exponential Lineal Unit: see Self-Normalizing Neural Networks
out[i] = scale * alpha * (exp(in[i])-1) if in[i]>0, or 0 if in[i] <= 0
Uses default lcale and alpha values.
selu(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise SeLU function - Scaled exponential Lineal Unit: see Self-Normalizing Neural Networks
out[i] = scale * alpha * (exp(in[i])-1) if in[i]>0, or 0 if in[i] <= 0
Uses default lcale and alpha values.
SELU - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
SELU activation function
SELU(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
SELU() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
SELU(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
SELU(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
seluDerivative(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SELUDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
SELU Derivative elementwise function https://arxiv.org/pdf/1706.02515.pdf
SELUDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
SELUDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
SELUDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
SELUDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
SEND_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
SEND_START_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufResponse
 
SEND_START_MICROS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorResponse
 
separableConv2d(SDVariable, SDVariable, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Separable 2D convolution operation without bias
separableConv2d(SDVariable, SDVariable, SDVariable, SDVariable, Conv2DConfig) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Separable 2D convolution operation with optional bias
SEQUENCE_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto
 
sequenceMask(SDVariable, SDVariable, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sequenceMask(SDVariable, int, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sequenceMask(SDVariable, DataType) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sequenceMask(SDVariable, int, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sequenceMask(String, SDVariable, int, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sequenceMask(String, SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sequenceMask(SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sequenceMask(SDVariable, SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sequenceMask(String, SDVariable, SDVariable, DataType) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Generate a sequence mask (with values 0 or 1) based on the specified lengths
Specifically, out[i, ..., k, j] = (j < lengths[i, ..., k] ? 1.0 : 0.0)
SequenceMask - Class in org.nd4j.linalg.api.ops.impl.shape
Created by farizrahman4u on 3/28/18.
SequenceMask(SameDiff, SDVariable, SDVariable, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
SequenceMask(SameDiff, SDVariable, int, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
SequenceMask(SameDiff, SDVariable, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
SEQUENTIAL - Static variable in class org.nd4j.graph.ExecutionMode
 
serialize(ConfusionMatrix<Integer>, JsonGenerator, SerializerProvider) - Method in class org.nd4j.evaluation.serde.ConfusionMatrixSerializer
 
serialize(ROC[], JsonGenerator, SerializerProvider) - Method in class org.nd4j.evaluation.serde.ROCArraySerializer
 
serialize(ROC, JsonGenerator, SerializerProvider) - Method in class org.nd4j.evaluation.serde.ROCSerializer
 
serialize(INDArray, JsonGenerator, SerializerProvider) - Method in class org.nd4j.linalg.lossfunctions.serde.RowVectorSerializer
Deprecated.
 
serialize(INDArray, JsonGenerator, SerializerProvider) - Method in class org.nd4j.serde.jackson.shaded.NDArraySerializer
 
serialize(INDArray, JsonGenerator, SerializerProvider) - Method in class org.nd4j.serde.jackson.shaded.NDArrayTextSerializer
 
SERIALIZED_EXECUTOR_PARAMETERS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
serializeWithType(ROC, JsonGenerator, SerializerProvider, TypeSerializer) - Method in class org.nd4j.evaluation.serde.ROCSerializer
 
serialVersionUID - Static variable in error org.nd4j.linalg.api.blas.BlasException
 
SERVER_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
SERVER_DEF_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
SERVER_LOCALITY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
SERVER_LOCALITY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorRequest
 
ServerDef - Class in org.tensorflow.distruntime
Defines the configuration of a single TensorFlow server.
ServerDef.Builder - Class in org.tensorflow.distruntime
Defines the configuration of a single TensorFlow server.
ServerDefOrBuilder - Interface in org.tensorflow.distruntime
 
ServerProtos - Class in org.tensorflow.distruntime
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CloseSessionRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateSessionResponse
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.DeregisterGraphRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ExtendSessionRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ListDevicesRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.MakeCallableRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.PartialRunSetupRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RegisterGraphRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ReleaseCallableRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunCallableRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
SESSION_HANDLE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepRequest
 
SESSION_INTER_OP_THREAD_POOL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
Set - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise
Set
Set(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
Set(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
Set(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
Set() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
Set(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.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
set(int, X) - Method in class org.nd4j.list.BaseNDArrayList
 
set(int, X) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
set(int, Double) - Method in class org.nd4j.list.NDArrayList
 
setActiveBranch(String, int) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method sets active/inactive branch for divergent nodes (aka Switch)
setAliasInputPort(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
If >= 0, the output is an alias of an input.
setAllEndRelMicros(long) - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 all_end_rel_micros = 5;
setAllocatedBytes(long) - Method in class org.tensorflow.framework.AllocationDescription.Builder
Total number of bytes allocated if known
setAllocationDescription(AllocationDescription) - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
setAllocationDescription(AllocationDescription.Builder) - Method in class org.tensorflow.framework.TensorDescription.Builder
Information about the size and allocator used for the data
setAllocationId(long) - Method in class org.tensorflow.framework.AllocationDescription.Builder
Identifier of the allocated buffer if known
setAllocationId(long) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Id of the tensor buffer being allocated, used to match to a corresponding deallocation.
setAllocationId(long) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
setAllocationId(long) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Id of the tensor buffer being deallocated, used to match to a corresponding allocation.
setAllocationRecords(int, AllocationRecord) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
setAllocationRecords(int, AllocationRecord.Builder) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The allocation and deallocation timeline.
setAllocatorBytesInUse(long) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
These are snapshots of the overall allocator memory stats.
setAllocatorName(String) - Method in class org.tensorflow.framework.AllocationDescription.Builder
Name of the allocator used
setAllocatorName(String) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
string allocator_name = 1;
setAllocatorName(String) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the allocator used.
setAllocatorName(String) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the allocator used.
setAllocatorName(String) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Name of the allocator used.
setAllocatorNameBytes(ByteString) - Method in class org.tensorflow.framework.AllocationDescription.Builder
Name of the allocator used
setAllocatorNameBytes(ByteString) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
string allocator_name = 1;
setAllocatorNameBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the allocator used.
setAllocatorNameBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the allocator used.
setAllocatorNameBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
Name of the allocator used.
setAllocatorType(String) - Method in class org.tensorflow.framework.GPUOptions.Builder
The type of GPU allocation strategy to use.
setAllocatorTypeBytes(ByteString) - Method in class org.tensorflow.framework.GPUOptions.Builder
The type of GPU allocation strategy to use.
setAllocBytes(long) - Method in class org.tensorflow.framework.AllocationRecord.Builder
Number of bytes allocated, or de-allocated if negative.
setAllocMicros(long) - Method in class org.tensorflow.framework.AllocationRecord.Builder
The timestamp of the operation.
setAllowedValues(AttrValue) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
setAllowedValues(AttrValue.Builder) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
A list of values that this kernel supports for this attr.
setAllowedValues(AttrValue) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
setAllowedValues(AttrValue.Builder) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
The set of allowed values.
setAllowGrowth(boolean) - Method in class org.tensorflow.framework.GPUOptions.Builder
If true, the allocator does not pre-allocate the entire specified GPU memory region, instead starting small and growing as needed.
setAllowSoftPlacement(boolean) - Method in class org.tensorflow.framework.ConfigProto.Builder
Whether soft placement is allowed.
setAllowsUninitializedInput(boolean) - Method in class org.tensorflow.framework.OpDef.Builder
By default, all inputs to an Op must be initialized Tensors.
setAllStartMicros(long) - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 all_start_micros = 2;
setAnyInfo(Any) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
setAnyInfo(Any.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A serialized protobuf.
setAnyList(CollectionDef.AnyList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
setAnyList(CollectionDef.AnyList.Builder) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.AnyList any_list = 5;
setArgOrder(int, String) - Method in class org.tensorflow.framework.ApiDef.Builder
List of original in_arg names to specify new argument order.
setArithmeticOptimization(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Arithmetic optimizations (default is ON) e.g.
setArithmeticOptimizationValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Arithmetic optimizations (default is ON) e.g.
setArray(INDArray) - Method in class org.nd4j.autodiff.samediff.SDVariable
Associate the specified array with this variable
setArrayForVariable(String, INDArray) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
setAssetFileDef(int, AssetFileDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
setAssetFileDef(int, AssetFileDef.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
Asset file def to be used with the defined graph.
setAsync(boolean) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Whether the ops on the worker should be executed synchronously or asynchronously.
setAttr(int, ApiDef.Attr) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
setAttr(int, ApiDef.Attr.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Attr attr = 6;
setAttr(int, OpDef.AttrDef) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
setAttr(int, OpDef.AttrDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
repeated .tensorflow.OpDef.AttrDef attr = 4;
setAttribute(int, OnnxMlProto3.AttributeProto) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
setAttribute(int, OnnxMlProto3.AttributeProto.Builder) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
Additional named attributes.
setAttribute(int, OnnxProto3.AttributeProto) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
setAttribute(int, OnnxProto3.AttributeProto.Builder) - Method in class onnx.OnnxProto3.NodeProto.Builder
Additional named attributes.
setAttributes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
setAttributes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Serialized data specific to this object.
setAudio(Summary.Audio) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
setAudio(Summary.Audio.Builder) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Audio audio = 6;
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.
setAutoParallel(AutoParallelOptions) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
setAutoParallel(AutoParallelOptions.Builder) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures AutoParallel optimization passes either through the meta-optimizer or when manually specified through the optimizers field.
setAxis(int) - Method in class org.nd4j.evaluation.classification.Evaluation
Set the axis for evaluation - this is the dimension along which the probability (and label classes) are present.
For DL4J, this can be left as the default setting (axis = 1).
Axis should be set as follows:
For 2D (OutputLayer), shape [minibatch, numClasses] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NCW format, shape [minibatch, numClasses, sequenceLength] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NWC format, shape [minibatch, sequenceLength, numClasses] - axis = 2
For 4D, CNN2D (DL4J CnnLossLayer), NCHW format, shape [minibatch, channels, height, width] - axis = 1
For 4D, CNN2D, NHWC format, shape [minibatch, height, width, channels] - axis = 3
setAxis(int) - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
Set the axis for evaluation - this is the dimension along which the probability (and label classes) are present.
For DL4J, this can be left as the default setting (axis = 1).
Axis should be set as follows:
For 2D (OutputLayer), shape [minibatch, numClasses] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NCW format, shape [minibatch, numClasses, sequenceLength] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NWC format, shape [minibatch, sequenceLength, numClasses] - axis = 2
For 4D, CNN2D (DL4J CnnLossLayer), NCHW format, shape [minibatch, channels, height, width] - axis = 1
For 4D, CNN2D, NHWC format, shape [minibatch, height, width, channels] - axis = 3
setAxis(int) - Method in class org.nd4j.evaluation.classification.ROC
Set the axis for evaluation - this should be a size 1 dimension For DL4J, this can be left as the default setting (axis = 1).
Axis should be set as follows:
For 2D (OutputLayer), shape [minibatch, numClasses] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NCW format, shape [minibatch, numClasses, sequenceLength] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NWC format, shape [minibatch, sequenceLength, numClasses] - axis = 2
For 4D, CNN2D (DL4J CnnLossLayer), NCHW format, shape [minibatch, channels, height, width] - axis = 1
For 4D, CNN2D, NHWC format, shape [minibatch, height, width, channels] - axis = 3
setAxis(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
Set the axis for evaluation - this is the dimension along which the probability (and label independent binary classes) are present.
For DL4J, this can be left as the default setting (axis = 1).
Axis should be set as follows:
For 2D (OutputLayer), shape [minibatch, numClasses] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NCW format, shape [minibatch, numClasses, sequenceLength] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NWC format, shape [minibatch, sequenceLength, numClasses] - axis = 2
For 4D, CNN2D (DL4J CnnLossLayer), NCHW format, shape [minibatch, channels, height, width] - axis = 1
For 4D, CNN2D, NHWC format, shape [minibatch, height, width, channels] - axis = 3
setAxis(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
Set the axis for evaluation - this is the dimension along which the probability (and label classes) are present.
For DL4J, this can be left as the default setting (axis = 1).
Axis should be set as follows:
For 2D (OutputLayer), shape [minibatch, numClasses] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NCW format, shape [minibatch, numClasses, sequenceLength] - axis = 1
For 3D, RNNs/CNN1D (DL4J RnnOutputLayer), NWC format, shape [minibatch, sequenceLength, numClasses] - axis = 2
For 4D, CNN2D (DL4J CnnLossLayer), NCHW format, shape [minibatch, channels, height, width] - axis = 1
For 4D, CNN2D, NHWC format, shape [minibatch, height, width, channels] - axis = 3
setB(boolean) - Method in class org.tensorflow.framework.AttrValue.Builder
"bool"
setB(int, boolean) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(bool)"
setBackProp(boolean) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Whether backprop is enabled for this while loop.
setBadConsumers(int, int) - Method in class org.tensorflow.framework.VersionDef.Builder
Specific consumer versions which are disallowed (e.g.
setBandwidth(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Memory bandwidth in KB/s
setBArguments(boolean...) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setBArguments(boolean...) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets boolean arguments required for operation
setBaseNameForFunctionInstanceId(String, DifferentialFunction) - Method in class org.nd4j.autodiff.samediff.SameDiff
Sets a base name for the function id.
setBegin(long) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
int64 begin = 1;
setBegin(long) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
int64 begin = 1;
setBiasCorrected(boolean) - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
setBlasWrapper(BlasWrapper) - Static method in class org.nd4j.linalg.factory.Nd4j
Sets the global blas wrapper
setBoolVal(int, boolean) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_BOOL
setBranch(int) - Method in class org.tensorflow.framework.CondContextDef.Builder
Branch prediction.
setBucket(int, double) - Method in class org.tensorflow.framework.HistogramProto.Builder
repeated double bucket = 7 [packed = true];
setBucketLimit(int, double) - Method in class org.tensorflow.framework.HistogramProto.Builder
Parallel arrays encoding the bucket boundaries and the bucket values.
setBufPtr(long) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
When RDMA is in use, address of destination field on client.
setBufPtr(long) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Address of source field on server.
setBufRendezvousKey(String) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Arbitrary string identifying a BufRendezvous entry.
setBufRendezvousKeyBytes(ByteString) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Arbitrary string identifying a BufRendezvous entry.
setBuildCostModel(long) - Method in class org.tensorflow.framework.GraphOptions.Builder
The number of steps to run before returning a cost model detailing the memory usage and performance of each node of the graph.
setBuildCostModelAfter(long) - Method in class org.tensorflow.framework.GraphOptions.Builder
The number of steps to skip before collecting statistics for the cost model.
setBusId(int) - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional bus locality of device.
setBytes(long) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Byte size of the file.
setBytesList(CollectionDef.BytesList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
setBytesList(CollectionDef.BytesList.Builder) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.BytesList bytes_list = 2;
setCancelOpName(String) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to cancel the queue.
setCancelOpNameBytes(ByteString) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to cancel the queue.
setCheckpointKey(String) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The generated name of the Tensor in the checkpoint.
setCheckpointKeyBytes(ByteString) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The generated name of the Tensor in the checkpoint.
setChildren(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
setChildren(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Objects which this object depends on.
setClear(boolean) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, discard any saved logging data (for all steps).
setClientLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
setClientLocality(DeviceLocality.Builder) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on client-side device locality.
setClientLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
setClientLocality(DeviceLocality.Builder) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on client-side device locality.
setCloseOpName(String) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to close the queue.
setCloseOpNameBytes(ByteString) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
The operation to run to close the queue.
setCluster(ClusterDef) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
setCluster(ClusterDef.Builder) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The cluster of which this server is a member.
setClusterDef(ClusterDef) - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
setClusterDef(ClusterDef.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
Optional list of all workers to use in this session.
setCollectiveGraphKey(long) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
If graph_def contains any collective ops this must be a positive integer used to coordinate execution with other graphs.
setCollectiveGraphKey(long) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
If non-zero, declares that this graph is going to use collective ops and must synchronize step_ids with any other graph with this same group_key value (in a distributed computation where tasks run disjoint graphs).
setCollectiveGroupLeader(String) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
Task name for group resolution.
setCollectiveGroupLeaderBytes(ByteString) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
Task name for group resolution.
setColorspace(int) - Method in class org.tensorflow.framework.Summary.Image.Builder
Valid colorspace values are 1 - grayscale 2 - grayscale + alpha 3 - RGB 4 - RGBA 5 - DIGITAL_YUV 6 - BGRA
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
 
setComputeCost(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Estimate of the computational cost of this node, in microseconds.
setComputeTime(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Analytical estimate of the computational cost of this node, in microseconds.
setCondCtxt(CondContextDef) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
setCondCtxt(CondContextDef.Builder) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.CondContextDef cond_ctxt = 1;
setConfig(ConfigProto) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
setConfig(ConfigProto.Builder) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
Configuration options.
setConfiguration(T, WorkspaceConfiguration) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
setConfiguration(T, WorkspaceConfiguration) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Set the workspace configuration for the specified array type
setConstantFolding(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
setConstantFoldingValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Fold constants (default is ON) Statically infer the value of tensors when possible, and materialize the result using constants.
setConstNodeInfo(int, GraphTransferConstNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
setConstNodeInfo(int, GraphTransferConstNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferConstNodeInfo const_node_info = 2;
setConstraint(int, KernelDef.AttrConstraint) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
setConstraint(int, KernelDef.AttrConstraint.Builder) - Method in class org.tensorflow.framework.KernelDef.Builder
repeated .tensorflow.KernelDef.AttrConstraint constraint = 3;
setContainer(int, String) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
A list of container names.
setContainer(int, String) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
A list of container names, which may be empty.
setContainer(String) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Container in which this resource is placed.
setContainerBytes(ByteString) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Container in which this resource is placed.
setContent(ByteString) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The content to store for the plugin.
setContentType(String) - Method in class org.tensorflow.framework.Summary.Audio.Builder
string content_type = 5;
setContentTypeBytes(ByteString) - Method in class org.tensorflow.framework.Summary.Audio.Builder
string content_type = 5;
setContextId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
fixed64 context_id = 1;
setContextId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
The ID of the created context.
setContextId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
fixed64 context_id = 1;
setContextId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
fixed64 context_id = 1;
setContextId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
fixed64 context_id = 1;
setContextId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
fixed64 context_id = 1;
setContextName(String) - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the context.
setContextName(String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the context.
setContextNameBytes(ByteString) - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the context.
setContextNameBytes(ByteString) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the context.
setControlInput(int, int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Ids of the control inputs for this node.
setControlOpIds(int, long) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
Control Operation IDs that will be respected when ops are re-ordered by async execution.
setConvolution(ConvolutionInstance) - Static method in class org.nd4j.linalg.factory.Nd4j
Set a convolution instance
setCooSparse(TensorInfo.CooSparse) - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
setCooSparse(TensorInfo.CooSparse.Builder) - Method in class org.tensorflow.framework.TensorInfo.Builder
There are many possible encodings of sparse matrices (https://en.wikipedia.org/wiki/Sparse_matrix).
setCostGraph(CostGraphDef) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
setCostGraph(CostGraphDef.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
.tensorflow.CostGraphDef cost_graph = 3;
setCostGraph(CostGraphDef) - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
setCostGraph(CostGraphDef.Builder) - Method in class org.tensorflow.framework.RunMetadata.Builder
The cost graph for the computation defined by the run call.
setCrc32C(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
The CRC32C checksum of the tensor bytes.
setCreateWorkerSessionCalled(boolean) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
setCreateWorkerSessionCalled(boolean) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
setCreateWorkerSessionCalled(boolean) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Set to true if `CreateWorkerSession` was called for `session_handle`.
setCriticalSectionName(String) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
Name of the critical section handle.
setCriticalSectionNameBytes(ByteString) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
Name of the critical section handle.
setCurrentGraphVersion(long) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The version number of the graph to be extended.
setCurrentWork(ByteString) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
bytes current_work = 4;
setCurrentWorkspace(MemoryWorkspace) - Method in class org.nd4j.linalg.memory.BasicMemoryManager
 
setCurrentWorkspace(MemoryWorkspace) - Method in interface org.nd4j.linalg.memory.MemoryManager
 
setCustomOptimizers(int, RewriterConfig.CustomGraphOptimizer) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
setCustomOptimizers(int, RewriterConfig.CustomGraphOptimizer.Builder) - Method in class org.tensorflow.framework.RewriterConfig.Builder
list of CustomGraphOptimizers to apply.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
setData(DataBuffer) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
setData(ByteString) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
bytes data = 4;
setDataType(OnnxMlProto3.TensorProto.DataType) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The data type of the tensor.
setDataType(OnnxProto3.TensorProto.DataType) - Method in class onnx.OnnxProto3.TensorProto.Builder
The data type of the tensor.
setDataType(DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
use Nd4j.setDefaultDataTypes(DataType, DataType). Equivalent to setDefaultDataTypes(dtype, (dtype.isFPType() ? dtype : defaultFloatingPointType()))
setDataType(DataType) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.DataType data_type = 3;
setDataTypeValue(int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The data type of the tensor.
setDataTypeValue(int) - Method in class onnx.OnnxProto3.TensorProto.Builder
The data type of the tensor.
setDataTypeValue(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.DataType data_type = 3;
setDcomplexVal(int, double) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX128.
setDebugMode(DebugMode) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
setDebugOps(int, String) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name(s) of the debugging op(s).
setDebugOptions(DebugOptions) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
setDebugOptions(DebugOptions.Builder) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Field(s) used by TensorFlow Debugger (tfdbg).
setDebugOptions(DebugOptions) - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
setDebugOptions(DebugOptions.Builder) - Method in class org.tensorflow.framework.RunOptions.Builder
EXPERIMENTAL.
setDebugStripper(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Strips debug-related nodes from the graph (off by default).
setDebugStripperValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Strips debug-related nodes from the graph (off by default).
setDebugTensorWatchOpts(int, DebugTensorWatch) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
setDebugTensorWatchOpts(int, DebugTensorWatch.Builder) - Method in class org.tensorflow.framework.DebugOptions.Builder
Debugging options
setDebugUrls(int, String) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
URL(s) for debug targets(s).
setDefaultCompression(String) - Method in class org.nd4j.linalg.compression.BasicNDArrayCompressor
Set the default compression algorithm
setDefaultDataTypes(DataType, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
Set the default data types.
The default data types are used for array creation methods where no data type is specified.
When the user explicitly provides a datatype (such as in Nd4j.ones(DataType.FLOAT, 1, 10)) these default values will not be used.
defaultType: used in methods such as Nd4j.ones(1,10) and Nd4j.zeros(10).
defaultFloatingPointType: used internally where a floating point array needs to be created, but no datatype is specified.
setDefaultGraphInputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
setDefaultGraphInputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op
setDefaultGraphOutputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
setDefaultGraphOutputTensorShape(int, RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Default graph input tensor shape used to allocate memory before executing op TODO(satok): Remote output tensor shape once shape information is stored in NodeDef
setDefaultSessionConfig(ConfigProto) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
setDefaultSessionConfig(ConfigProto.Builder) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The default configuration for sessions that run on this server.
setDefaultValue(AttrValue) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
setDefaultValue(AttrValue.Builder) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Specify a new default value to use for this attr.
setDefaultValue(AttrValue) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
setDefaultValue(AttrValue.Builder) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A reasonable default for this attribute if the user does not supply a value.
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
setDeferred(boolean) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
True if the deallocation is queued and will be performed later, e.g.
setDeferredDeletionBytes(long) - Method in class org.tensorflow.framework.GPUOptions.Builder
Delay deletion of up to this many bytes to reduce the number of interactions with gpu driver code.
setDenseShapeTensorName(String) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
setDenseShapeTensorNameBytes(ByteString) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The dynamic logical shape represented by the SparseTensor is recorded in the Tensor referenced here.
setDependencyOptimization(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Control dependency optimizations (default is ON).
setDependencyOptimizationValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Control dependency optimizations (default is ON).
setDeprecation(OpDeprecation) - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
setDeprecation(OpDeprecation.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
Optional deprecation based on GraphDef versions.
setDeprecationMessage(String) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
setDeprecationMessageBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
If this endpoint is deprecated, set deprecation_message to a message that should be logged when the endpoint is used.
setDescription(String) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Note: this will replace any inherited arg doc.
setDescription(String) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
setDescription(String) - Method in class org.tensorflow.framework.ApiDef.Builder
Additional, longer human-readable description of what the Op does.
setDescription(String) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Human readable description.
setDescription(String) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
Human-readable description.
setDescription(String) - Method in class org.tensorflow.framework.OpDef.Builder
Additional, longer human-readable description of what the Op does.
setDescriptionBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Note: this will replace any inherited arg doc.
setDescriptionBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Note: this will replace any inherited attr doc, there is no current way of modifying attr descriptions as can be done with op descriptions.
setDescriptionBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Builder
Additional, longer human-readable description of what the Op does.
setDescriptionBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Human readable description.
setDescriptionBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
Human-readable description.
setDescriptionBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.Builder
Additional, longer human-readable description of what the Op does.
setDescriptionPrefix(String) - Method in class org.tensorflow.framework.ApiDef.Builder
Modify an existing/inherited description by adding text to the beginning or end.
setDescriptionPrefixBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Builder
Modify an existing/inherited description by adding text to the beginning or end.
setDescriptionSuffix(String) - Method in class org.tensorflow.framework.ApiDef.Builder
string description_suffix = 10;
setDescriptionSuffixBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Builder
string description_suffix = 10;
setDestination(GraphTransferInfo.Destination) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Destination of graph transfer
setDestinationValue(int) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Destination of graph transfer
setDevice(String) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device = 10;
setDevice(String) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The device of the node.
setDevice(String) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
string device = 1;
setDevice(String) - Method in class org.tensorflow.framework.NodeDef.Builder
A (possibly partial) specification for the device on which this node should be placed.
setDevice(String) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name for the device containing the resource.
setDevice(String) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string device = 6;
setDeviceAttributes(int, DeviceAttributes) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
setDeviceAttributes(int, DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
repeated .tensorflow.DeviceAttributes device_attributes = 1;
setDeviceAttributes(int, DeviceAttributes) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
setDeviceAttributes(int, DeviceAttributes.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
List of devices that are locally accessible to the worker.
setDeviceBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device = 10;
setDeviceBytes(ByteString) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The device of the node.
setDeviceBytes(ByteString) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
string device = 1;
setDeviceBytes(ByteString) - Method in class org.tensorflow.framework.NodeDef.Builder
A (possibly partial) specification for the device on which this node should be placed.
setDeviceBytes(ByteString) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name for the device containing the resource.
setDeviceBytes(ByteString) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string device = 6;
setDeviceFilters(int, String) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
When any filters are present, only devices that match the filters will be reset.
setDeviceFilters(int, String) - Method in class org.tensorflow.framework.ConfigProto.Builder
When any filters are present sessions will ignore all devices which do not match the filters.
setDeviceId(int) - Method in class org.tensorflow.framework.InterconnectLink.Builder
int32 device_id = 1;
setDeviceName(int, String) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
repeated string device_name = 4;
setDeviceName(int, String) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
repeated string device_name = 5;
setDevicePersistentMemorySize(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
setDevicePersistentMemorySize(long) - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
setDevicePersistentTensorAllocIds(int, long) - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
setDeviceTempMemorySize(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
setDeviceTempMemorySize(long) - Method in class org.tensorflow.framework.MemoryStats.Builder
Deprecated.
setDeviceType(String) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
string device_type = 3;
setDeviceType(String) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
string device_type = 3;
setDeviceType(String) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device_type = 8;
setDeviceType(String) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of device_type.
setDeviceType(String) - Method in class org.tensorflow.framework.KernelDef.Builder
Type of device this kernel runs on.
setDeviceTypeBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
string device_type = 3;
setDeviceTypeBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
string device_type = 3;
setDeviceTypeBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string device_type = 8;
setDeviceTypeBytes(ByteString) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of device_type.
setDeviceTypeBytes(ByteString) - Method in class org.tensorflow.framework.KernelDef.Builder
Type of device this kernel runs on.
setDevStats(int, DeviceStepStats) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
setDevStats(int, DeviceStepStats.Builder) - Method in class org.tensorflow.framework.StepStats.Builder
repeated .tensorflow.DeviceStepStats dev_stats = 1;
setDiag(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
setDiag(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
setDiag(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Set the diagonal value to the specified values
If input is
[ a, b, c]
[ d, e, f]
[ g, h, i]
and diag = [ 1, 2, 3] then output is
[ 1, b, c]
[ d, 2, f]
[ g, h, 3]
setDim(int, OnnxMlProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
setDim(int, OnnxMlProto3.TensorShapeProto.Dimension.Builder) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
setDim(int, OnnxProto3.TensorShapeProto.Dimension) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
setDim(int, OnnxProto3.TensorShapeProto.Dimension.Builder) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
repeated .onnx.TensorShapeProto.Dimension dim = 1;
setDim(int, TensorShapeProto.Dim) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
setDim(int, TensorShapeProto.Dim.Builder) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
Dimensions of the tensor, such as {"input", 30}, {"output", 40} for a 30 x 40 2D tensor.
setDimension(int...) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
setDimension(int...) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
setDimension(int...) - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
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.ScalarEps
 
setDimension(int...) - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
setDimension(int...) - Method in interface org.nd4j.linalg.api.ops.ScalarOp
 
setDimensions(int...) - Method in class org.nd4j.linalg.api.ops.BaseReduceOp
 
setDimensions(int[]) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
setDimensions(int[]) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
setDimensions(int[]) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Standardize
 
setDimensions(int[]) - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.StandardizeBp
 
setDimensions(int...) - Method in interface org.nd4j.linalg.api.ops.ReduceOp
 
setDimParam(String) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
namespace Shape
setDimParam(String) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
namespace Shape
setDimParamBytes(ByteString) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
namespace Shape
setDimParamBytes(ByteString) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
namespace Shape
setDims(int, long) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
The shape of the tensor.
setDims(int, long) - Method in class onnx.OnnxProto3.TensorProto.Builder
The shape of the tensor.
setDimValue(long) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
int64 dim_value = 1;
setDimValue(long) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
int64 dim_value = 1;
setDisableModelPruning(boolean) - Method in class org.tensorflow.framework.RewriterConfig.Builder
If true, don't remove unnecessary ops from the graph
setDisableRpcLogging(boolean) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, RPC logging will be disabled.
setDisplayName(String) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Display name for viewing in TensorBoard.
setDisplayNameBytes(ByteString) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Display name for viewing in TensorBoard.
setDmaOk(boolean) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
If true, use an out-of-band DMA mechanism to transfer the received tensor.
setDoCommonSubexpressionElimination(boolean) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, optimize the graph using common subexpression elimination.
setDoConstantFolding(boolean) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, perform constant folding optimization on the graph.
setDocString(String) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
setDocString(String) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A human-readable documentation for this graph.
setDocString(String) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
A human-readable documentation for this model.
setDocString(String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
A human-readable documentation for this node.
setDocString(String) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
A human-readable documentation for this tensor.
setDocString(String) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
setDocString(String) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
A human-readable documentation for this operator.
setDocString(String) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
A human-readable documentation for this set of operators.
setDocString(String) - Method in class onnx.OnnxProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
setDocString(String) - Method in class onnx.OnnxProto3.GraphProto.Builder
A human-readable documentation for this graph.
setDocString(String) - Method in class onnx.OnnxProto3.ModelProto.Builder
A human-readable documentation for this model.
setDocString(String) - Method in class onnx.OnnxProto3.NodeProto.Builder
A human-readable documentation for this node.
setDocString(String) - Method in class onnx.OnnxProto3.TensorProto.Builder
A human-readable documentation for this tensor.
setDocString(String) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
setDocStringBytes(ByteString) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
setDocStringBytes(ByteString) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A human-readable documentation for this graph.
setDocStringBytes(ByteString) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
A human-readable documentation for this model.
setDocStringBytes(ByteString) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
A human-readable documentation for this node.
setDocStringBytes(ByteString) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
A human-readable documentation for this tensor.
setDocStringBytes(ByteString) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
setDocStringBytes(ByteString) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
A human-readable documentation for this operator.
setDocStringBytes(ByteString) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
A human-readable documentation for this set of operators.
setDocStringBytes(ByteString) - Method in class onnx.OnnxProto3.AttributeProto.Builder
A human-readable documentation for this attribute.
setDocStringBytes(ByteString) - Method in class onnx.OnnxProto3.GraphProto.Builder
A human-readable documentation for this graph.
setDocStringBytes(ByteString) - Method in class onnx.OnnxProto3.ModelProto.Builder
A human-readable documentation for this model.
setDocStringBytes(ByteString) - Method in class onnx.OnnxProto3.NodeProto.Builder
A human-readable documentation for this node.
setDocStringBytes(ByteString) - Method in class onnx.OnnxProto3.TensorProto.Builder
A human-readable documentation for this tensor.
setDocStringBytes(ByteString) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
A human-readable documentation for this value.
setDoFunctionInlining(boolean) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
If true, perform function inlining on the graph.
setDomain(String) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Domain name of the model.
setDomain(String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
setDomain(String) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
setDomain(String) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
setDomain(String) - Method in class onnx.OnnxProto3.ModelProto.Builder
Domain name of the model.
setDomain(String) - Method in class onnx.OnnxProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
setDomain(String) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
setDomainBytes(ByteString) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Domain name of the model.
setDomainBytes(ByteString) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
setDomainBytes(ByteString) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
setDomainBytes(ByteString) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
Domain name of the operator set, in reverse DNS form (e.g., com.acme.dnnops).
setDomainBytes(ByteString) - Method in class onnx.OnnxProto3.ModelProto.Builder
Domain name of the model.
setDomainBytes(ByteString) - Method in class onnx.OnnxProto3.NodeProto.Builder
The domain of the OperatorSet that specifies the operator named by op_type.
setDomainBytes(ByteString) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The domain of the operator set being identified.
setDoubleData(int, double) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
setDoubleData(int, double) - Method in class onnx.OnnxProto3.TensorProto.Builder
For double Complex64 tensors are encoded as a single array of doubles, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
setDoubleVal(int, double) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_DOUBLE.
setDstDevice(String) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
string dst_device = 9;
setDstDeviceBytes(ByteString) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
string dst_device = 9;
setDType(DataType) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Sets the data opType
setDType(DataType) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Sets the data opType
setDtype(DataType) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.DataType dtype = 4;
setDtype(DataType) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
.tensorflow.DataType dtype = 5;
setDtype(DataType) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
setDtype(DataType) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
setDtype(DataType) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.DataType dtype = 1;
setDtype(DataType) - Method in class org.tensorflow.framework.TensorDescription.Builder
Data type of tensor elements
setDtype(DataType) - Method in class org.tensorflow.framework.TensorInfo.Builder
.tensorflow.DataType dtype = 2;
setDtype(DataType) - Method in class org.tensorflow.framework.TensorProto.Builder
.tensorflow.DataType dtype = 1;
setDtype(DataType) - Method in class org.tensorflow.util.BundleEntryProto.Builder
The tensor dtype and shape.
setDtypeValue(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.DataType dtype = 4;
setDtypeValue(int) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
.tensorflow.DataType dtype = 5;
setDtypeValue(int) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
setDtypeValue(int) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
.tensorflow.DataType dtype = 3;
setDtypeValue(int) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.DataType dtype = 1;
setDtypeValue(int) - Method in class org.tensorflow.framework.TensorDescription.Builder
Data type of tensor elements
setDtypeValue(int) - Method in class org.tensorflow.framework.TensorInfo.Builder
.tensorflow.DataType dtype = 2;
setDtypeValue(int) - Method in class org.tensorflow.framework.TensorProto.Builder
.tensorflow.DataType dtype = 1;
setDtypeValue(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
The tensor dtype and shape.
setDuration(double) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
Length of the trace to be taken, in seconds.
setElementsThreshold(int) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
This method allows to set desired number of elements per thread, for performance optimization purposes.
setElementsThreshold(int) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method allows to set desired number of elements per thread, for performance optimization purposes.
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
setElemType(OnnxMlProto3.TypeProto) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
setElemType(OnnxMlProto3.TypeProto.Builder) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
The type and optional shape of each element of the sequence.
setElemType(OnnxMlProto3.TensorProto.DataType) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
setElemType(OnnxProto3.TensorProto.DataType) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
setElemTypeValue(int) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
setElemTypeValue(int) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
This field MUST NOT have the value of UNDEFINED This field MUST be present for this version of the IR.
setEnable(boolean) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
bool enable = 1;
setEnableBfloat16Sendrecv(boolean) - Method in class org.tensorflow.framework.GraphOptions.Builder
If true, transfer float values between processes as bfloat16.
setEnableOp(int, String) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
If present, only perform optimization for these ops.
setEnableRecvScheduling(boolean) - Method in class org.tensorflow.framework.GraphOptions.Builder
If true, use control flow to schedule the activation of Recv nodes.
setEnableRpcLogging(boolean) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
If true, RPC logging will be enabled.
setEncodedAudioString(ByteString) - Method in class org.tensorflow.framework.Summary.Audio.Builder
Encoded audio data and its associated RFC 2045 content type (e.g.
setEncodedImageString(ByteString) - Method in class org.tensorflow.framework.Summary.Image.Builder
Image data in encoded format.
setEnd(long) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
int64 end = 2;
setEnd(long) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
int64 end = 2;
setEndianness(BundleHeaderProto.Endianness) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
setEndiannessValue(int) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
.tensorflow.BundleHeaderProto.Endianness endianness = 2;
setEndpoint(int, ApiDef.Endpoint) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
setEndpoint(int, ApiDef.Endpoint.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Endpoint endpoint = 3;
setEnqueueOpName(int, String) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of enqueue operations.
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
 
setExclusiveResourceAccess(boolean) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Whether this operation requires exclusive access to its resources, (i.e., no other CriticalSections may request the same resources).
setExecOpts(ExecutorOpts) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
setExecOpts(ExecutorOpts.Builder) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Options for this step.
setExecuteInCriticalSectionName(String) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Name of the critical section handle.
setExecuteInCriticalSectionNameBytes(ByteString) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
Name of the critical section handle.
setExecutorName(String) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Executor's name
setExecutorNameBytes(ByteString) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Executor's name
setExperimental(ConfigProto.Experimental) - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
setExperimental(ConfigProto.Experimental.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
.tensorflow.ConfigProto.Experimental experimental = 16;
setExperimental(GPUOptions.Experimental) - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
setExperimental(GPUOptions.Experimental.Builder) - Method in class org.tensorflow.framework.GPUOptions.Builder
Everything inside experimental is subject to change and is not subject to API stability guarantees in https://www.tensorflow.org/guide/version_compat.
setExperimental(RunOptions.Experimental) - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
setExperimental(RunOptions.Experimental.Builder) - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.Experimental experimental = 8;
setExplanation(String) - Method in class org.tensorflow.framework.OpDeprecation.Builder
Explanation of why it was deprecated and what to use instead.
setExplanationBytes(ByteString) - Method in class org.tensorflow.framework.OpDeprecation.Builder
Explanation of why it was deprecated and what to use instead.
setExtent(int, TensorSliceProto.Extent) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
setExtent(int, TensorSliceProto.Extent.Builder) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
Extent of the slice in all tensor dimensions.
setExtraArgs(Object[]) - Method in interface org.nd4j.linalg.api.ops.Op
 
setF(float) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
Exactly ONE of the following fields must be present for this version of the IR
setF(float) - Method in class onnx.OnnxProto3.AttributeProto.Builder
Exactly ONE of the following fields must be present for this version of the IR
setF(float) - Method in class org.tensorflow.framework.AttrValue.Builder
"float"
setF(int, float) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(float)"
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
 
setFeed(int, String) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Tensors to be fed in future steps.
setFeed(int, TensorProto) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
setFeed(int, TensorProto.Builder) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
Values of the tensors passed as arguments to the callable, in the order defined in the CallableOptions.feed field passed to MakeCallable.
setFeed(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
setFeed(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Tensors to be fed in the step.
setFeed(int, String) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be fed in the callable.
setFetch(int, String) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Fetches.
setFetch(int, TensorProto) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
setFetch(int, TensorProto.Builder) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Values of the tensors returned by the callable, in the order defined in the CallableOptions.fetch field passed to MakeCallable.
setFetch(int, String) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Fetches.
setFetch(int, String) - Method in class org.tensorflow.framework.CallableOptions.Builder
Fetches.
setFetchStepId(int, long) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
When set, requests all saved log data pertaining to the step.
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AttrValue.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GradientDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.KernelDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NodeDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OpList.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RunOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SavedModel.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.StepStats.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.VariableDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.VersionDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class org.tensorflow.util.SaverDef.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
setField(Descriptors.FieldDescriptor, Object) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
setFilename(String) - Method in class org.tensorflow.framework.AssetFileDef.Builder
The filename within an assets directory.
setFilenameBytes(ByteString) - Method in class org.tensorflow.framework.AssetFileDef.Builder
The filename within an assets directory.
setFilenameTensorName(String) - Method in class org.tensorflow.util.SaverDef.Builder
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
setFilenameTensorNameBytes(ByteString) - Method in class org.tensorflow.util.SaverDef.Builder
The name of the tensor in which to specify the filename when saving or restoring a model checkpoint.
setFilePath(String) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Path to the source code file.
setFilePathBytes(ByteString) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Path to the source code file.
setFinalResult(Number) - Method in interface org.nd4j.linalg.api.ops.aggregates.Aggregate
 
setFinalResult(Number) - Method in class org.nd4j.linalg.api.ops.aggregates.BaseAggregate
 
setFirstPointers(GridPointers) - Method in class org.nd4j.linalg.api.ops.impl.meta.BaseMetaOp
 
setFirstPointers(GridPointers) - Method in interface org.nd4j.linalg.api.ops.MetaOp
 
setFloatData(int, float) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
setFloatData(int, float) - Method in class onnx.OnnxProto3.TensorProto.Builder
For float and complex64 values Complex64 tensors are encoded as a single array of floats, with the real components appearing in odd numbered positions, and the corresponding imaginary component apparing in the subsequent even numbered position.
setFloatList(CollectionDef.FloatList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
setFloatList(CollectionDef.FloatList.Builder) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.FloatList float_list = 4;
setFloats(int, float) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of floats
setFloats(int, float) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of floats
setFloatVal(int, float) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_FLOAT.
setForceGpuCompatible(boolean) - Method in class org.tensorflow.framework.GPUOptions.Builder
Force all tensors to be gpu_compatible.
setForwardVariableForVarName(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
setFrameName(String) - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.BaseCompatOp
 
setFrequency(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Core Frequency in Mhz
setFromTensor(String) - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
setFromTensorBytes(ByteString) - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
setFullName(String) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Name of the full variable of which this is a slice.
setFullName(String) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The full name of the variable/tensor, if applicable.
setFullNameBytes(ByteString) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Name of the full variable of which this is a slice.
setFullNameBytes(ByteString) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
The full name of the variable/tensor, if applicable.
setFullShape(int, long) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of the full variable.
setFunc(NameAttrList) - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
setFunc(NameAttrList.Builder) - Method in class org.tensorflow.framework.AttrValue.Builder
"func" represents a function.
setFunc(int, NameAttrList) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
setFunc(int, NameAttrList.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(attr)"
setFunction(int, FunctionDef) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
setFunction(int, FunctionDef.Builder) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.FunctionDef function = 1;
setFunctionDef(FunctionDef) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
setFunctionDef(FunctionDef.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
.tensorflow.FunctionDef function_def = 2;
setFunctionName(String) - Method in class org.tensorflow.framework.GradientDef.Builder
The function name.
setFunctionNameBytes(ByteString) - Method in class org.tensorflow.framework.GradientDef.Builder
The function name.
setFunctionOptimization(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Function optimizations (default is ON).
setFunctionOptimizationValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Function optimizations (default is ON).
setG(OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
setG(OnnxMlProto3.GraphProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
graph
setG(OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
setG(OnnxProto3.GraphProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
graph
setGlobalJitLevel(OptimizerOptions.GlobalJitLevel) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
setGlobalJitLevelValue(int) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
.tensorflow.OptimizerOptions.GlobalJitLevel global_jit_level = 5;
setGlobalName(String) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The global name of the threadpool.
setGlobalNameBytes(ByteString) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The global name of the threadpool.
setGlobalStep(long) - Method in class org.tensorflow.framework.DebugOptions.Builder
Caller-specified global step count.
setGpuOptions(GPUOptions) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
setGpuOptions(GPUOptions.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all GPUs.
setGradient(int, GradientDef) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
setGradient(int, GradientDef.Builder) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
repeated .tensorflow.GradientDef gradient = 2;
setGradientForVariableName(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Assign a SDVariable to represent the gradient of the SDVariable with the specified name
setGradientFunc(String) - Method in class org.tensorflow.framework.GradientDef.Builder
The gradient function's name.
setGradientFuncBytes(ByteString) - Method in class org.tensorflow.framework.GradientDef.Builder
The gradient function's name.
setGradientViewArray(INDArray) - Method in class org.nd4j.linalg.activations.BaseActivationFunction
 
setGradientViewArray(INDArray) - Method in interface org.nd4j.linalg.activations.IActivation
 
setGraph(OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
setGraph(OnnxMlProto3.GraphProto.Builder) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
setGraph(OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
setGraph(OnnxProto3.GraphProto.Builder) - Method in class onnx.OnnxProto3.ModelProto.Builder
The parameterized graph that is evaluated to execute the model.
setGraphDef(GraphDef) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
setGraphDef(GraphDef.Builder) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The initial graph definition.
setGraphDef(GraphDef) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
setGraphDef(GraphDef.Builder) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: The nodes to be added to the session's graph.
setGraphDef(GraphDef) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
setGraphDef(GraphDef.Builder) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
"graph_def" has the subgraph of nodes for this worker, with each node having its device_name filled in.
setGraphDef(GraphDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
setGraphDef(GraphDef.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
GraphDef.
setGraphHandle(String) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
setGraphHandle(String) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
If the registration succeeds, returns an opaque graph_handle to the master.
setGraphHandle(String) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
setGraphHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
setGraphHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
If the registration succeeds, returns an opaque graph_handle to the master.
setGraphHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
REQUIRED: graph_handle must be returned by a RegisterGraph call to the same WorkerService.
setGraphInputNodeInfo(int, GraphTransferGraphInputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
setGraphInputNodeInfo(int, GraphTransferGraphInputNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
Input Node parameters of transferred graph
setGraphInputNodeName(int, String) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph input node name
setGraphKey(int, long) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
repeated int64 graph_key = 1;
setGraphKey(long) - Method in class org.tensorflow.distruntime.StepSequence.Builder
int64 graph_key = 1;
setGraphOpName(String) - Method in class org.tensorflow.framework.ApiDef.Builder
Name of the op (in the OpDef) to specify the API for.
setGraphOpNameBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Builder
Name of the op (in the OpDef) to specify the API for.
setGraphOptions(GraphOptions) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
setGraphOptions(GraphOptions.Builder) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Configuration options for the session in which this graph was created.
setGraphOptions(GraphOptions) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
setGraphOptions(GraphOptions.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply to all graphs.
setGraphOutputNodeInfo(int, GraphTransferGraphOutputNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
setGraphOutputNodeInfo(int, GraphTransferGraphOutputNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferGraphOutputNodeInfo graph_output_node_info = 6;
setGraphOutputNodeName(int, String) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Remote fused graph output node name
setGraphs(int, OnnxMlProto3.GraphProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
setGraphs(int, OnnxMlProto3.GraphProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of graph
setGraphs(int, OnnxProto3.GraphProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
setGraphs(int, OnnxProto3.GraphProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of graph
setGraphVersion(long) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The initial version number for the graph, to be used in the next call to ExtendSession.
setGroupKey(int) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
int32 group_key = 1;
setGroupKey(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
int32 group_key = 1;
setGroupKey(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 group_key = 5;
setGroupSize(int) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
int32 group_size = 2;
setGroupSize(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
int32 group_size = 2;
setGroupSize(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 group_size = 6;
setHalfVal(int, int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_HALF, DT_BFLOAT16.
setHandle(long) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
A handle to the created callable.
setHandle(long) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
setHandle(long) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: handle must be returned by a MakeCallable call to the same master service.
setHandle(String) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Handle describing the feeds and fetches of the step.
setHandleBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Handle describing the feeds and fetches of the step.
setHandleToDecref(EagerServiceOuterClass.RemoteTensorHandle) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
setHandleToDecref(EagerServiceOuterClass.RemoteTensorHandle.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.RemoteTensorHandle handle_to_decref = 1;
setHasControlFlow(boolean) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Deprecated.
setHashCode(long) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Hash code for the type of the resource.
setHasMinimum(boolean) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
For type == "int", this is a minimum value.
setHasSingleReference(boolean) - Method in class org.tensorflow.framework.AllocationDescription.Builder
Set if this tensor only has one remaining reference
setHeight(int) - Method in class org.tensorflow.framework.Summary.Image.Builder
Dimensions of the image.
setHisto(HistogramProto) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
setHisto(HistogramProto.Builder) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.HistogramProto histo = 5;
setHost(String) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The host name on which a source code file is located.
setHostBytes(ByteString) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The host name on which a source code file is located.
setHostMemoryArg(int, String) - Method in class org.tensorflow.framework.KernelDef.Builder
Names of the Op's input_/output_args that reside in host memory instead of device memory.
setHostTempMemorySize(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Deprecated.
setI(long) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
int
setI(long) - Method in class onnx.OnnxProto3.AttributeProto.Builder
int
setI(long) - Method in class org.tensorflow.framework.AttrValue.Builder
"int"
setI(int, long) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(int)"
setIArguments(long...) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setIArguments(long...) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets integer arguments required for operation
setId(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The id of the node.
setId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
A unique identifier for the operation.
setIfFirst(Throwable) - Method in class org.nd4j.linalg.util.AtomicThrowable
This method updates state only if it wasn't set before
setImage(Summary.Image) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
setImage(Summary.Image.Builder) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.Summary.Image image = 4;
setInArg(int, ApiDef.Arg) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
setInArg(int, ApiDef.Arg.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg in_arg = 4;
setIncarnation(long) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
A device is assigned a global unique number each time it is initialized.
setIndex(int) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Index of the output being set.
setIndexer(Indexer) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
setIndicesTensorName(String) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The indices Tensor must have dtype int64 and shape [?, ?].
setIndicesTensorNameBytes(ByteString) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The indices Tensor must have dtype int64 and shape [?, ?].
setInferShapes(boolean) - Method in class org.tensorflow.framework.GraphOptions.Builder
Annotate each Node with Op output shape data, to the extent it can be statically inferred.
setInitializer(int, OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
setInitializer(int, OnnxMlProto3.TensorProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
setInitializer(int, OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
setInitializer(int, OnnxProto3.TensorProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
A list of named tensor values (constants), used to specify default values for some of the inputs of the graph.
setInitializerName(String) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the initializer op.
setInitializerNameBytes(ByteString) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the initializer op.
setInitialValueName(String) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the tensor holding the variable's initial value.
setInitialValueNameBytes(ByteString) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the tensor holding the variable's initial value.
setInput(int, OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
setInput(int, OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The inputs and outputs of the graph.
setInput(int, String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
setInput(int, OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
setInput(int, OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
The inputs and outputs of the graph.
setInput(int, String) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
setInput(int, String) - Method in class org.tensorflow.framework.NodeDef.Builder
Each input is "node:src_output" with "node" being a string name and "src_output" indicating which output tensor to use from "node".
setInputArg(int, OpDef.ArgDef) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
setInputArg(int, OpDef.ArgDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the input(s).
setInputArgument(int, INDArray) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
setInputArguments(INDArray...) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
setInputArray(int, INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setInputArray(int, INDArray) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method adds INDArray as input argument for future op call
setInputArrays(List<INDArray>) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setInputArrays(INDArray...) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setInputArrays(List<INDArray>) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets provided arrays as input arrays
setInputArrays(INDArray...) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets provided arrays as input arrays
setInputCount(int) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 input_count = 6;
setInputInfo(int, CostGraphDef.Node.InputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
setInputInfo(int, CostGraphDef.Node.InputInfo.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.InputInfo input_info = 4;
setInputs(int, EagerServiceOuterClass.RemoteTensorHandle) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
setInputs(int, EagerServiceOuterClass.RemoteTensorHandle.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
repeated .tensorflow.eager.RemoteTensorHandle inputs = 3;
setInstanceId() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
setInstanceKey(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 instance_key = 7;
setInstanceKey(int) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
int32 instance_key = 1;
setInt32Data(int, int) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
setInt32Data(int, int) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int32, uint8, int8, uint16, int16, bool, and float16 values float16 values must be bit-wise converted to an uint16_t prior to writing to the buffer.
setInt64Data(int, long) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For int64.
setInt64Data(int, long) - Method in class onnx.OnnxProto3.TensorProto.Builder
For int64.
setInt64List(CollectionDef.Int64List) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
setInt64List(CollectionDef.Int64List.Builder) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.Int64List int64_list = 3;
setInt64Val(int, long) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT64
setInterOpParallelismThreads(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
Nodes that perform blocking operations are enqueued on a pool of inter_op_parallelism_threads available in each process.
setInterOpThreadPool(int) - Method in class org.tensorflow.framework.RunOptions.Builder
The thread pool to use, if session_inter_op_thread_pool is configured.
setIntraOpParallelismThreads(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
The execution of an individual op (for some op types) can be parallelized on a pool of intra_op_parallelism_threads.
setInts(int, long) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of ints
setInts(int, long) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of ints
setIntVal(int, int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_INT32, DT_INT16, DT_INT8, DT_UINT8.
setIrBuildMetadata(String) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The build metadata component of the SemVer of the IR.
setIrBuildMetadataBytes(ByteString) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The build metadata component of the SemVer of the IR.
setIrVersion(long) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the IR this model targets.
setIrVersion(int) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos indicate the version of the IR syntax and semantics they adhere to.
setIrVersion(long) - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the IR this model targets.
setIrVersionPrerelease(String) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The prerelease component of the SemVer of the IR.
setIrVersionPrereleaseBytes(ByteString) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The prerelease component of the SemVer of the IR.
setIsAggregate(boolean) - Method in class org.tensorflow.framework.OpDef.Builder
If is_aggregate is true, then this operation accepts N >= 2 inputs and produces 1 output all of the same type.
setIsCommutative(boolean) - Method in class org.tensorflow.framework.OpDef.Builder
True if the operation is commutative ("op(a,b) == op(b,a)" for all inputs)
setIsDead(boolean) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
True if value is 'dead' like a tensor.
setIsDead(boolean) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
If true, this tensor was the output of a dead node, and the content is invalid.
setIsFinal(boolean) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
If true, the output is permanent: it can't be discarded, because this node is part of the "final output".
setIsLastPartialRun(boolean) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
True if this is the last partial run request in a sequence of requests.
setIsolateSessionState(boolean) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
If true, any resources such as Variables used in the session will not be shared with other sessions.
setIsolateSessionState(boolean) - Method in class org.tensorflow.framework.ConfigProto.Builder
If true, any resources such as Variables used in the session will not be shared with other sessions.
setIsPartial(boolean) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
True if the RunGraphRequest is a partial run request.
setIsRef(boolean) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
For inputs: if true, the inputs are required to be refs.
setIsResource(boolean) - Method in class org.tensorflow.framework.VariableDef.Builder
Whether to represent this as a ResourceVariable.
setIsSource(boolean) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
bool is_source = 11;
setIsStateful(boolean) - Method in class org.tensorflow.framework.OpDef.Builder
Ops are marked as stateful if their behavior depends on some state beyond their input tensors (e.g.
setJob(int, JobDef) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
setJob(int, JobDef.Builder) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
The jobs that comprise the cluster.
setJobName(String) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The name of the job of which this server is a member.
setJobNameBytes(ByteString) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The name of the job of which this server is a member.
setKeepAliveSecs(long) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Number of seconds to keep the context alive.
setKeepCheckpointEveryNHours(float) - Method in class org.tensorflow.util.SaverDef.Builder
How often to keep an additional checkpoint.
setKernelName(String) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
setKernelName(String) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
setKernelNameBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Name of the kernel making the allocation as set in GraphDef, e.g., "affine2/weights/Assign".
setKernelNameBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Name of the kernel producing an output as set in GraphDef, e.g., "affine2/weights/Assign".
setKey(String) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string key = 1;
setKey(String) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string key = 1;
setKeyBytes(ByteString) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string key = 1;
setKeyBytes(ByteString) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string key = 1;
setKeys(int, String) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
Keys for tensors in the VariantTensorDataProto.
setKeyType(OnnxMlProto3.TensorProto.DataType) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
setKeyTypeValue(int) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
setL1CacheSize(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L1 cache size in bytes
setL2CacheSize(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L2 cache size in bytes
setL3CacheSize(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
L3 cache size in bytes
setLabel(String) - Method in class org.tensorflow.framework.KernelDef.Builder
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
setLabelBytes(ByteString) - Method in class org.tensorflow.framework.KernelDef.Builder
This allows experimental kernels to be registered for an op that won't be used unless the user specifies a "_kernel" attr with value matching this.
setLabelNames(List<String>) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Set the label names, for printing via EvaluationBinary.stats()
setLabelNames(List<String>) - Method in class org.nd4j.evaluation.classification.ROCBinary
Set the label names, for printing via ROCBinary.stats()
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
 
setLastModified(long) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
The timestamp at which the source code file is last modified.
setLayoutOptimizer(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Optimize tensor layouts (default is ON) e.g.
setLayoutOptimizerValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Optimize tensor layouts (default is ON) e.g.
setLegacyJsonMapper(ObjectMapper) - Static method in class org.nd4j.serde.json.LegacyIActivationDeserializer
 
setLegacyJsonMapper(ObjectMapper) - Static method in class org.nd4j.serde.json.LegacyILossFunctionDeserializer
 
setLength(long) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
int64 length = 2;
setLengthFrames(long) - Method in class org.tensorflow.framework.Summary.Audio.Builder
Length of the audio in frames (samples per channel).
setLibrary(FunctionDefLibrary) - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
setLibrary(FunctionDefLibrary.Builder) - Method in class org.tensorflow.framework.GraphDef.Builder
EXPERIMENTAL.
setLines(int, String) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
Line-by-line content of the source code file.
setLink(int, InterconnectLink) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
setLink(int, InterconnectLink.Builder) - Method in class org.tensorflow.framework.LocalLinks.Builder
repeated .tensorflow.InterconnectLink link = 1;
setLinks(LocalLinks) - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
setLinks(LocalLinks.Builder) - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional local interconnect links to other devices.
setList(AttrValue.ListValue) - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
setList(AttrValue.ListValue.Builder) - Method in class org.tensorflow.framework.AttrValue.Builder
any "list(...)"
setLiveBytes(long) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
The bytes that are not deallocated.
setLocalDevice(int, DeviceAttributes) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
setLocalDevice(int, DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes local_device = 1;
setLocality(DeviceLocality) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
setLocality(DeviceLocality.Builder) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Platform-specific data about device that may be useful for supporting efficient data transfers.
setLocalName(String) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
A user-provided name for the edge.
setLocalNameBytes(ByteString) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
A user-provided name for the edge.
setLogDevicePlacement(boolean) - Method in class org.tensorflow.framework.ConfigProto.Builder
Whether device placements should be logged.
setLoopEnterNames(int, String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for enter tensors.
setLoopExitNames(int, String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
List of names for exit tensors.
setLoopOptimization(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Loop optimizations (default is ON).
setLoopOptimizationValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Loop optimizations (default is ON).
setLossVariables(String...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Clear/remove any existing loss variables, and set the loss variables to the specified variable names.
See SameDiff.addLossVariable(String) for more details
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.AdaDelta
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.AdaGrad
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.Adam
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.AdaMax
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.AMSGrad
 
setLrAndSchedule(double, ISchedule) - Method in interface org.nd4j.linalg.learning.config.IUpdater
Set the learning rate and schedule.
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.Nadam
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.Nesterovs
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.NoOp
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.RmsProp
 
setLrAndSchedule(double, ISchedule) - Method in class org.nd4j.linalg.learning.config.Sgd
 
setMagic(String) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
setMagicBytes(ByteString) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
All OperatorSetProtos start with a distingushed byte sequence to disambiguate protobuf files containing OperatorSets from other content.
setMapType(OnnxMlProto3.TypeProto.Map) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
setMapType(OnnxMlProto3.TypeProto.Map.Builder) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a map.
setMaskedValuesToZero(INDArray, INDArray) - Static method in class org.nd4j.linalg.dataset.api.DataSetUtil
 
setMax(double) - Method in class org.tensorflow.framework.HistogramProto.Builder
double max = 2;
setMaxByteSize(int, int) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
repeated int32 max_byte_size = 2;
setMaxFoldedConstantInBytes(long) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Constant folding optimization replaces tensors whose values can be predetermined, with constant nodes.
setMaximumIterationsName(String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Optional name of the maximum_iterations tensor.
setMaximumIterationsNameBytes(ByteString) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Optional name of the maximum_iterations tensor.
setMaxThreads(int) - Method in interface org.nd4j.linalg.api.blas.Blas
 
setMaxToKeep(int) - Method in class org.tensorflow.util.SaverDef.Builder
Maximum number of checkpoints to keep.
setMaybeTypeName(String) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
For debug-only, the name of the type pointed to by this handle, if available.
setMaybeTypeNameBytes(ByteString) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
For debug-only, the name of the type pointed to by this handle, if available.
setMemory(int, AllocatorMemoryUsed) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
setMemory(int, AllocatorMemoryUsed.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocatorMemoryUsed memory = 6;
setMemoryLimit(long) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Memory capacity of device in bytes.
setMemoryLimitMb(int, float) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
Per "virtual" device memory limit, in MB.
setMemoryOptimization(RewriterConfig.MemOptType) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures memory optimization passes through the meta-optimizer.
setMemoryOptimizationValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Configures memory optimization passes through the meta-optimizer.
setMemoryOptimizerTargetNodeNameScope(String) - Method in class org.tensorflow.framework.RewriterConfig.Builder
A node name scope for node names which are valid outputs of recompuations.
setMemoryOptimizerTargetNodeNameScopeBytes(ByteString) - Method in class org.tensorflow.framework.RewriterConfig.Builder
A node name scope for node names which are valid outputs of recompuations.
setMemorySize(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Memory size in bytes
setMemoryStats(MemoryStats) - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
setMemoryStats(MemoryStats.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
.tensorflow.MemoryStats memory_stats = 12;
setMemoryTime(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Analytical estimate of the memory access cost of this node, in microseconds.
setMetadata(RunMetadata) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
setMetadata(RunMetadata.Builder) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
Returned metadata if requested in the options.
setMetadata(RunMetadata) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
setMetadata(RunMetadata.Builder) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
Returned metadata if requested in the options.
setMetadata(SummaryMetadata) - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
setMetadata(SummaryMetadata.Builder) - Method in class org.tensorflow.framework.Summary.Value.Builder
Contains metadata on the summary value such as which plugins may use it.
setMetadata(ByteString) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Portions of the object that are not Tensors.
setMetadataProps(int, OnnxMlProto3.StringStringEntryProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
setMetadataProps(int, OnnxMlProto3.StringStringEntryProto.Builder) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
setMetadataProps(int, OnnxProto3.StringStringEntryProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
setMetadataProps(int, OnnxProto3.StringStringEntryProto.Builder) - Method in class onnx.OnnxProto3.ModelProto.Builder
Named metadata values; keys should be distinct.
setMetaGraphs(int, MetaGraphDef) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
setMetaGraphs(int, MetaGraphDef.Builder) - Method in class org.tensorflow.framework.SavedModel.Builder
One or more MetaGraphs.
setMetaGraphVersion(String) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User specified Version string.
setMetaGraphVersionBytes(ByteString) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User specified Version string.
setMetaInfoDef(MetaGraphDef.MetaInfoDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
setMetaInfoDef(MetaGraphDef.MetaInfoDef.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
.tensorflow.MetaGraphDef.MetaInfoDef meta_info_def = 1;
setMetaOptimizerIterations(RewriterConfig.NumIterationsType) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Controls how many times we run the optimizers in meta optimizer (default is once).
setMetaOptimizerIterationsValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Controls how many times we run the optimizers in meta optimizer (default is once).
setMethodName(String) - Method in class org.tensorflow.framework.SignatureDef.Builder
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
setMethodNameBytes(ByteString) - Method in class org.tensorflow.framework.SignatureDef.Builder
Extensible method_name information enabling third-party users to mark a SignatureDef as supporting a particular method.
setMin(double) - Method in class org.tensorflow.framework.HistogramProto.Builder
double min = 1;
setMinConsumer(int) - Method in class org.tensorflow.framework.VersionDef.Builder
Any consumer below this version is not allowed to consume this data.
setMinimum(long) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
int64 minimum = 6;
setModel(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Model (Haswell, K40, ...)
setModelBytes(ByteString) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Model (Haswell, K40, ...)
setModelVersion(long) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the graph encoded.
setModelVersion(long) - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the graph encoded.
setName(String) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
setName(String) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The name of the graph.
setName(String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
An optional identifier for this node in a graph.
setName(String) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Optionally, a name for the tensor.
setName(String) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setName(String) - Method in class onnx.OnnxProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
setName(String) - Method in class onnx.OnnxProto3.GraphProto.Builder
The name of the graph.
setName(String) - Method in class onnx.OnnxProto3.NodeProto.Builder
An optional identifier for this node in a graph.
setName(String) - Method in class onnx.OnnxProto3.TensorProto.Builder
Optionally, a name for the tensor.
setName(String) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setName(String) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.distruntime.JobDef.Builder
The name of this job.
setName(String) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
setName(String) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The name of the node.
setName(String) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Fully specified name of the device within a cluster.
setName(String) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
Name of an attr from the Op.
setName(String) - Method in class org.tensorflow.framework.NameAttrList.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
Name of the tensor.
setName(String) - Method in class org.tensorflow.framework.NodeDef.Builder
The name given to this operator.
setName(String) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Name for the input/output.
setName(String) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A descriptive name for the argument.
setName(String) - Method in class org.tensorflow.framework.OpDef.Builder
Op names starting with an underscore are reserved for internal use.
setName(String) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name of this resource.
setName(String) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
string name = 1;
setName(String) - Method in class org.tensorflow.framework.TensorInfo.Builder
For dense `Tensor`s, the name of the tensor in the graph.
setName(String) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Optional name of the tensor dimension.
setName(String) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
A name for the Tensor.
setName(String) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
string name = 1;
setName(String) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string name = 2;
setNameBytes(ByteString) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
setNameBytes(ByteString) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The name of the graph.
setNameBytes(ByteString) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
An optional identifier for this node in a graph.
setNameBytes(ByteString) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Optionally, a name for the tensor.
setNameBytes(ByteString) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setNameBytes(ByteString) - Method in class onnx.OnnxProto3.AttributeProto.Builder
The name field MUST be present for this version of the IR.
setNameBytes(ByteString) - Method in class onnx.OnnxProto3.GraphProto.Builder
The name of the graph.
setNameBytes(ByteString) - Method in class onnx.OnnxProto3.NodeProto.Builder
An optional identifier for this node in a graph.
setNameBytes(ByteString) - Method in class onnx.OnnxProto3.TensorProto.Builder
Optionally, a name for the tensor.
setNameBytes(ByteString) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setNameBytes(ByteString) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.distruntime.JobDef.Builder
The name of this job.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
Name should be either like "CamelCaseName" or "Package.CamelCaseName".
setNameBytes(ByteString) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
The name of the node.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
Fully specified name of the device within a cluster.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
Name of an attr from the Op.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.NameAttrList.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
Name of the tensor.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.NodeDef.Builder
The name given to this operator.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Name for the input/output.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
A descriptive name for the argument.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.Builder
Op names starting with an underscore are reserved for internal use.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
Unique name of this resource.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
string name = 1;
setNameBytes(ByteString) - Method in class org.tensorflow.framework.TensorInfo.Builder
For dense `Tensor`s, the name of the tensor in the graph.
setNameBytes(ByteString) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Optional name of the tensor dimension.
setNameBytes(ByteString) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
A name for the Tensor.
setNameBytes(ByteString) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
string name = 1;
setNameBytes(ByteString) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
string name = 2;
setNdArrayFactoryClazz(Class<? extends NDArrayFactory>) - Static method in class org.nd4j.linalg.factory.Nd4j
 
setNestedContexts(int, ControlFlowContextDef) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
setNestedContexts(int, ControlFlowContextDef.Builder) - Method in class org.tensorflow.framework.CondContextDef.Builder
Contexts contained inside this context (e.g.
setNestedContexts(int, ControlFlowContextDef) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
setNestedContexts(int, ControlFlowContextDef.Builder) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Contexts contained inside this context (e.g.
setNewGraphVersion(long) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
The new version number for the extended graph, to be used in the next call to ExtendSession.
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
setNextStepId(long) - Method in class org.tensorflow.distruntime.StepSequence.Builder
int64 next_step_id = 2;
setNode(int, OnnxMlProto3.NodeProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
setNode(int, OnnxMlProto3.NodeProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
The nodes in the graph.
setNode(int, OnnxProto3.NodeProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
setNode(int, OnnxProto3.NodeProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
The nodes in the graph.
setNode(int, CostGraphDef.Node) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
setNode(int, CostGraphDef.Node.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Builder
repeated .tensorflow.CostGraphDef.Node node = 1;
setNode(int, NodeDef) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
setNode(int, NodeDef.Builder) - Method in class org.tensorflow.framework.GraphDef.Builder
repeated .tensorflow.NodeDef node = 1;
setNodeDef(int, NodeDef) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
setNodeDef(int, NodeDef.Builder) - Method in class org.tensorflow.framework.FunctionDef.Builder
By convention, "op" in node_def is resolved by consulting with a user-defined library first.
setNodeId(int) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
int32 node_id = 2;
setNodeId(int) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 node_id = 2;
setNodeId(int) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
int32 node_id = 1;
setNodeId(int) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
int32 node_id = 1;
setNodeId(int) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
int32 node_id = 1;
setNodeId(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the object being referenced.
setNodeInfo(int, GraphTransferNodeInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
setNodeInfo(int, GraphTransferNodeInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInfo node_info = 1;
setNodeInput(int, GraphTransferNodeInput) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
setNodeInput(int, GraphTransferNodeInput.Builder) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
repeated .tensorflow.GraphTransferNodeInput node_input = 2;
setNodeInputInfo(int, GraphTransferNodeInputInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
setNodeInputInfo(int, GraphTransferNodeInputInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeInputInfo node_input_info = 3;
setNodeList(CollectionDef.NodeList) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
setNodeList(CollectionDef.NodeList.Builder) - Method in class org.tensorflow.framework.CollectionDef.Builder
.tensorflow.CollectionDef.NodeList node_list = 1;
setNodeName(String) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name of the node to watch.
setNodeName(String) - Method in class org.tensorflow.framework.NodeExecStats.Builder
TODO(tucker): Use some more compact form of node identity than the full string name.
setNodeName(String) - Method in class org.tensorflow.framework.Summary.Value.Builder
This field is deprecated and will not be set.
setNodeNameBytes(ByteString) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Name of the node to watch.
setNodeNameBytes(ByteString) - Method in class org.tensorflow.framework.NodeExecStats.Builder
TODO(tucker): Use some more compact form of node identity than the full string name.
setNodeNameBytes(ByteString) - Method in class org.tensorflow.framework.Summary.Value.Builder
This field is deprecated and will not be set.
setNodeOutputInfo(int, GraphTransferNodeOutputInfo) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
setNodeOutputInfo(int, GraphTransferNodeOutputInfo.Builder) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
repeated .tensorflow.GraphTransferNodeOutputInfo node_output_info = 4;
setNodes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
setNodes(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
repeated .tensorflow.CheckpointableObjectGraph.CheckpointableObject nodes = 1;
setNodeStats(int, NodeExecStats) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
setNodeStats(int, NodeExecStats.Builder) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
repeated .tensorflow.NodeExecStats node_stats = 2;
setNum(double) - Method in class org.tensorflow.framework.HistogramProto.Builder
double num = 3;
setNumaNode(int) - Method in class org.tensorflow.framework.DeviceLocality.Builder
Optional NUMA locality of device.
setNumberAttr(String) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "int"
setNumberAttrBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "int"
setNumBytes(long) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Size of value expected, must agree with BufRendezvous entry.
setNumBytes(long) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Byte length of buf_ptr field, if set.
setNumBytes(long) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Number of bytes in the allocation.
setNumChannels(long) - Method in class org.tensorflow.framework.Summary.Audio.Builder
Number of channels of audio.
setNumCores(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Number of cores
setNumRecordsProduced(long) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 num_records_produced = 3;
setNumRegisters(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Number of registers per core.
setNumReplicas(int) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
int32 num_replicas = 2;
setNumShards(int) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Number of data files in the bundle.
setNumTasks(int) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
number of distinct tasks hosting the devices
setNumThreads(int) - Static method in class org.nd4j.linalg.factory.Nd4j
This method sets maximal allowed number of threads for Nd4j
setNumThreads(int) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
The number of threads in the pool.
setObsoleteOldStyleHistogram(ByteString) - Method in class org.tensorflow.framework.Summary.Value.Builder
bytes obsolete_old_style_histogram = 3;
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.
setOffset(long) - Method in class org.tensorflow.util.BundleEntryProto.Builder
int64 offset = 4;
setOp(int, ApiDef) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
setOp(int, ApiDef.Builder) - Method in class org.tensorflow.framework.ApiDefs.Builder
repeated .tensorflow.ApiDef op = 1;
setOp(String) - Method in class org.tensorflow.framework.KernelDef.Builder
Must match the name of an Op.
setOp(String) - Method in class org.tensorflow.framework.NodeDef.Builder
The operation name.
setOp(int, OpDef) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
setOp(int, OpDef.Builder) - Method in class org.tensorflow.framework.OpList.Builder
repeated .tensorflow.OpDef op = 1;
setOpBytes(ByteString) - Method in class org.tensorflow.framework.KernelDef.Builder
Must match the name of an Op.
setOpBytes(ByteString) - Method in class org.tensorflow.framework.NodeDef.Builder
The operation name.
setOpEndRelMicros(long) - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 op_end_rel_micros = 4;
setOperation(String) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the operation making the allocation.
setOperation(String) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the operation making the deallocation.
setOperation(EagerServiceOuterClass.Operation) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
setOperation(EagerServiceOuterClass.Operation.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
.tensorflow.eager.Operation operation = 2;
setOperationBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Name of the operation making the allocation.
setOperationBytes(ByteString) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Name of the operation making the deallocation.
setOperationTimeoutInMs(long) - Method in class org.tensorflow.framework.ConfigProto.Builder
Global timeout for all blocking operations in this session.
setOperator(int, OnnxOperatorsProto3.OperatorProto) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
setOperator(int, OnnxOperatorsProto3.OperatorProto.Builder) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The operators specified by this operator set.
setOpId(long) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
The ID of the operation that produced this tensor.
setOpId(int, long) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
Ids to wait on.
setOpsetImport(int, OnnxMlProto3.OperatorSetIdProto) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
setOpsetImport(int, OnnxMlProto3.OperatorSetIdProto.Builder) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The OperatorSets this model relies on.
setOpsetImport(int, OnnxProto3.OperatorSetIdProto) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
setOpsetImport(int, OnnxProto3.OperatorSetIdProto.Builder) - Method in class onnx.OnnxProto3.ModelProto.Builder
The OperatorSets this model relies on.
setOpsetVersion(long) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
The version of the set of operators.
setOpStartRelMicros(long) - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 op_start_rel_micros = 3;
setOptimizerOptions(OptimizerOptions) - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
setOptimizerOptions(OptimizerOptions.Builder) - Method in class org.tensorflow.framework.GraphOptions.Builder
Options controlling how graph is optimized.
setOptimizers(int, String) - Method in class org.tensorflow.framework.RewriterConfig.Builder
If non-empty, will use this as an alternative way to specify a list of optimizations to turn on and the order of the optimizations (replacing the meta-optimizer).
setOptionBit(long[], ArrayType) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
setOptionBit(long, DataType) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
setOptionBit(long, ArrayType) - Static method in class org.nd4j.linalg.api.shape.options.ArrayOptionsHelper
 
setOptions(CallableOptions) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
setOptions(CallableOptions.Builder) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
Options that define the behavior of the created callable.
setOptions(RunOptions) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
setOptions(RunOptions.Builder) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Options for the run call.
setOptions(TraceOpts) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
setOptions(TraceOpts.Builder) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
.tensorflow.TraceOpts options = 1;
setOptLevel(OptimizerOptions.Level) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Overall optimization level.
setOptLevelValue(int) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
Overall optimization level.
setOpType(String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
setOpType(String) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The name of the operator within a domain.
setOpType(String) - Method in class onnx.OnnxProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
setOpTypeBytes(ByteString) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
setOpTypeBytes(ByteString) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The name of the operator within a domain.
setOpTypeBytes(ByteString) - Method in class onnx.OnnxProto3.NodeProto.Builder
The symbolic identifier of the Operator to execute.
setOrder(char) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setOrder(char) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
setOriginalPlaceHolderShape(String, long[]) - Method in class org.nd4j.autodiff.samediff.SameDiff
Set the original shape for a given place holder.
This is used to track original shapes of place holder variables.
The reason we track original shapes is to validate possible candidate arrays coming in (especially with -1 as the expected shapes).
setOriginalVariableNodeId(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the variable object this slot was created for.
setOutArg(int, ApiDef.Arg) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
setOutArg(int, ApiDef.Arg.Builder) - Method in class org.tensorflow.framework.ApiDef.Builder
repeated .tensorflow.ApiDef.Arg out_arg = 5;
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
setOutput(int, OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
setOutput(int, OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
setOutput(int, String) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
namespace Value
setOutput(int, OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
setOutput(int, OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
repeated .onnx.ValueInfoProto output = 12;
setOutput(int, String) - Method in class onnx.OnnxProto3.NodeProto.Builder
namespace Value
setOutput(int, NodeOutput) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
setOutput(int, NodeOutput.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.NodeOutput output = 7;
setOutputArg(int, OpDef.ArgDef) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
setOutputArg(int, OpDef.ArgDef.Builder) - Method in class org.tensorflow.framework.OpDef.Builder
Description of the output(s).
setOutputArgument(int, INDArray) - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
setOutputArray(int, INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setOutputArray(int, INDArray) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method adds INDArray as output for future op call
setOutputArrays(List<INDArray>) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setOutputArrays(INDArray...) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setOutputArrays(List<INDArray>) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets provided arrays as output arrays
setOutputArrays(INDArray...) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets provided arrays as output arrays
setOutputCount(int) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 output_count = 7;
setOutputInfo(int, CostGraphDef.Node.OutputInfo) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
setOutputInfo(int, CostGraphDef.Node.OutputInfo.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
repeated .tensorflow.CostGraphDef.Node.OutputInfo output_info = 5;
setOutputNum(int) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
The index into the outputs of the operation that produced this tensor.
setOutputPartitionGraphs(boolean) - Method in class org.tensorflow.framework.RunOptions.Builder
Whether the partition graph(s) executed by the executor(s) should be outputted via RunMetadata.
setOutputPort(int) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
int32 output_port = 2;
setOutputSlot(int) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Output slot to watch.
setPaddingId(int) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 padding_id = 5;
setParallelIterations(int) - Method in class org.tensorflow.framework.WhileContextDef.Builder
The number of iterations allowed to run in parallel.
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.
setPartialRunHandle(String) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
setPartialRunHandle(String) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Partial run handle (optional).
setPartialRunHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
The unique handle corresponding to the ongoing partial run call setup by the invocation to PartialRunSetup.
setPartialRunHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Partial run handle (optional).
setPartitionGraph(int, GraphDef) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
setPartitionGraph(int, GraphDef.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
repeated .tensorflow.GraphDef partition_graph = 4;
setPartitionGraphs(int, GraphDef) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
setPartitionGraphs(int, GraphDef.Builder) - Method in class org.tensorflow.framework.RunMetadata.Builder
Graphs of the partitions executed by executors.
setPeakBytes(long) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
int64 peak_bytes = 3;
setPerProcessGpuMemoryFraction(double) - Method in class org.tensorflow.framework.GPUOptions.Builder
Fraction of the available GPU memory to allocate for each process.
setPersistentMemorySize(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Persistent memory used by this node.
setPersistentMemorySize(long) - Method in class org.tensorflow.framework.MemoryStats.Builder
int64 persistent_memory_size = 3;
setPersistentTensorAllocIds(int, long) - Method in class org.tensorflow.framework.MemoryStats.Builder
repeated int64 persistent_tensor_alloc_ids = 5;
setPhysicalDeviceDesc(String) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of the physical device that this device maps to.
setPhysicalDeviceDescBytes(ByteString) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
String representation of the physical device that this device maps to.
setPivotForBodyName(String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_body tensor.
setPivotForBodyNameBytes(ByteString) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_body tensor.
setPivotForPredName(String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_pred tensor.
setPivotForPredNameBytes(ByteString) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot_for_pred tensor.
setPivotName(String) - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pivot tensor.
setPivotName(String) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot tensor.
setPivotNameBytes(ByteString) - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pivot tensor.
setPivotNameBytes(ByteString) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Name of the pivot tensor.
setPlaceholder(String) - Method in class org.tensorflow.framework.AttrValue.Builder
This is a placeholder only used in nodes defined inside a function.
setPlaceholderBytes(ByteString) - Method in class org.tensorflow.framework.AttrValue.Builder
This is a placeholder only used in nodes defined inside a function.
setPlacementPeriod(int) - Method in class org.tensorflow.framework.ConfigProto.Builder
Assignment of Nodes to Devices is recomputed every placement_period steps until the system warms up (at which point the recomputation typically slows down automatically).
setPlacePrunedGraph(boolean) - Method in class org.tensorflow.framework.GraphOptions.Builder
Only place the subgraphs that are run, rather than the entire graph.
setPluginData(SummaryMetadata.PluginData) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
setPluginData(SummaryMetadata.PluginData.Builder) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Data that associates a summary with a certain plugin.
setPluginName(String) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The name of the plugin this data pertains to.
setPluginNameBytes(ByteString) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
The name of the plugin this data pertains to.
setPollingActiveDelayUsecs(int) - Method in class org.tensorflow.framework.GPUOptions.Builder
In the event polling loop sleep this many microseconds between PollEvents calls, when the queue is not empty.
setPollingInactiveDelayMsecs(int) - Method in class org.tensorflow.framework.GPUOptions.Builder
This field is deprecated and ignored.
setPrecedingNode(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
int32 preceding_node = 1;
setPrecedingPort(int) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
int32 preceding_port = 2;
setPredName(String) - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pred tensor.
setPredNameBytes(ByteString) - Method in class org.tensorflow.framework.CondContextDef.Builder
Name of the pred tensor.
setPreProcessor(MultiDataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.adapter.MultiDataSetIteratorAdapter
 
setPreProcessor(MultiDataSetPreProcessor) - Method in class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
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
 
setPreviousWorkspace(MemoryWorkspace) - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
setProducer(int) - Method in class org.tensorflow.framework.VersionDef.Builder
The version of the code that produced this data.
setProducerName(String) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
setProducerName(String) - Method in class onnx.OnnxProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
setProducerNameBytes(ByteString) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
setProducerNameBytes(ByteString) - Method in class onnx.OnnxProto3.ModelProto.Builder
The name of the framework or tool used to generate this model.
setProducerVersion(String) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
setProducerVersion(String) - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
setProducerVersionBytes(ByteString) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
setProducerVersionBytes(ByteString) - Method in class onnx.OnnxProto3.ModelProto.Builder
The version of the framework or tool used to generate this model.
setProfilingConfig(ProfilerConfig) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
setProfilingConfig(ProfilerConfig) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method stores specified configuration.
setProfilingMode(OpExecutioner.ProfilingMode) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Deprecated.
setProfilingMode(OpExecutioner.ProfilingMode) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
Deprecated.
setProperties(DevicePropertiesProtos.DeviceProperties) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
setProperties(DevicePropertiesProtos.DeviceProperties.Builder) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
.tensorflow.DeviceProperties properties = 2;
setPropertiesForFunction(Map<String, Object>) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
 
setProtocol(String) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The protocol to be used by this server.
setProtocolBytes(ByteString) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The protocol to be used by this server.
setPtr(long) - Method in class org.tensorflow.framework.AllocationDescription.Builder
Address of the allocation.
setPtr(long) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Address of the allocation.
setQueue(int, EagerServiceOuterClass.QueueItem) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
setQueue(int, EagerServiceOuterClass.QueueItem.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
repeated .tensorflow.eager.QueueItem queue = 3;
setQueueClosedExceptionTypes(int, Code) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
setQueueClosedExceptionTypesValue(int, int) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
A list of exception types considered to signal a safely closed queue if raised during enqueue operations.
setQueueName(String) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
Queue name.
setQueueNameBytes(ByteString) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
Queue name.
SetRange - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Set range to a particular set of values
SetRange(SameDiff, SDVariable, boolean, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
SetRange() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
SetRange(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
SetRange(INDArray, INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
SetRange(INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
setRawData(ByteString) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
Serializations can either use one of the fields above, or use this raw bytes field.
setRawData(ByteString) - Method in class onnx.OnnxProto3.TensorProto.Builder
Serializations can either use one of the fields above, or use this raw bytes field.
setRecordCosts(boolean) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_costs = 1;
setRecordPartitionGraphs(boolean) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_partition_graphs = 4;
setRecordTimeline(boolean) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool record_timeline = 3;
setRecv(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
setRecv(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
A list of tensors corresponding to those requested by `RunGraphRequest.recv_key`.
setRecvKey(int, String) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
repeated string recv_key = 4;
setReferencedTensor(int, AllocationDescription) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
setReferencedTensor(int, AllocationDescription.Builder) - Method in class org.tensorflow.framework.NodeExecStats.Builder
repeated .tensorflow.AllocationDescription referenced_tensor = 11;
setRemapping(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
setRemappingValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Remapping (default is ON) Remap subgraphs onto more efficient implementations.
setRemoteDevice(int, DeviceAttributes) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
setRemoteDevice(int, DeviceAttributes.Builder) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
repeated .tensorflow.DeviceAttributes remote_device = 2;
setRemoteGraph(GraphDef) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
setRemoteGraph(GraphDef.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Definition of remote graph
setRenameTo(String) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Change the name used to access this arg in the API from what is used in the GraphDef.
setRenameTo(String) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Change the name used to access this attr in the API from what is used in the GraphDef.
setRenameToBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
Change the name used to access this arg in the API from what is used in the GraphDef.
setRenameToBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
Change the name used to access this attr in the API from what is used in the GraphDef.
setRendezvousKey(String) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
A key identifying the channel to receive tensors from.
setRendezvousKeyBytes(ByteString) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
A key identifying the channel to receive tensors from.
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ApiDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.AttrValue.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GradientDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.KernelDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.NodeDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.OpDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.OpList.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RunOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.SavedModel.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.StepStats.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.Summary.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.VariableDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.VersionDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class org.tensorflow.util.SaverDef.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
setRepeatedField(Descriptors.FieldDescriptor, int, Object) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
setReportTensorAllocationsUponOom(boolean) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
bool report_tensor_allocations_upon_oom = 5;
setReportTensorAllocationsUponOom(boolean) - Method in class org.tensorflow.framework.RunOptions.Builder
When enabled, causes tensor allocation information to be included in the error message when the Run() call fails because the allocator ran out of memory (OOM).
setRequestedBytes(long) - Method in class org.tensorflow.framework.AllocationDescription.Builder
Total number of bytes requested
setRequestId(long) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Unique identifier for this request.
setResourceHandleVal(int, ResourceHandleProto) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
setResourceHandleVal(int, ResourceHandleProto.Builder) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_RESOURCE
setRestoreOpName(String) - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when restoring a model checkpoint.
setRestoreOpNameBytes(ByteString) - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when restoring a model checkpoint.
setRewindPosition(String, int) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method allows to set position for next rewind within graph
setRewindPositionOnce(String, int) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method allows to set position for next rewind within graph.
setRewriteOptions(RewriterConfig) - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
setRewriteOptions(RewriterConfig.Builder) - Method in class org.tensorflow.framework.GraphOptions.Builder
Options that control the type and amount of graph rewriting.
setRngStates(long, long) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets root-level seed for rng
setRootDir(File) - Method in class org.nd4j.linalg.dataset.MiniBatchFileDataSetIterator
 
setRpcOptions(RPCOptions) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
setRpcOptions(RPCOptions.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
Options that apply when this session uses the distributed runtime.
setRunOptions(RunOptions) - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
setRunOptions(RunOptions.Builder) - Method in class org.tensorflow.framework.CallableOptions.Builder
Options that will be applied to each run.
setS(ByteString) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
UTF-8 string
setS(ByteString) - Method in class onnx.OnnxProto3.AttributeProto.Builder
UTF-8 string
setS(ByteString) - Method in class org.tensorflow.framework.AttrValue.Builder
"string"
setS(int, ByteString) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(string)"
setSampleRate(float) - Method in class org.tensorflow.framework.Summary.Audio.Builder
Sample rate of the audio in Hz.
setSavedModelSchemaVersion(long) - Method in class org.tensorflow.framework.SavedModel.Builder
The schema version of the SavedModel instance.
setSaverDef(SaverDef) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
setSaverDef(SaverDef.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
SaverDef.
setSaveSliceInfoDef(SaveSliceInfoDef) - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
setSaveSliceInfoDef(SaveSliceInfoDef.Builder) - Method in class org.tensorflow.framework.VariableDef.Builder
Support for saving variables as slices of a larger variable.
setSaveTensorName(String) - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when saving a model checkpoint.
setSaveTensorNameBytes(ByteString) - Method in class org.tensorflow.util.SaverDef.Builder
The operation to run when saving a model checkpoint.
setScalar(Number) - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
setScalar(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
setScalar(Number) - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
setScalar(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
setScalar(Number) - Method in interface org.nd4j.linalg.api.ops.ScalarOp
This method allows to set scalar
setScalar(INDArray) - Method in interface org.nd4j.linalg.api.ops.ScalarOp
 
setScheduledMicros(long) - Method in class org.tensorflow.framework.NodeExecStats.Builder
int64 scheduled_micros = 9;
setScomplexVal(int, float) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_COMPLEX64.
setScopedAllocatorOptimization(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
setScopedAllocatorOptimizationValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Try to allocate some independent Op outputs contiguously in order to merge or eliminate downstream Ops (off by default).
setScopedAllocatorOpts(ScopedAllocatorOptions) - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
setScopedAllocatorOpts(ScopedAllocatorOptions.Builder) - Method in class org.tensorflow.framework.RewriterConfig.Builder
.tensorflow.ScopedAllocatorOptions scoped_allocator_opts = 16;
setScopedOutFor(T) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
setScopedOutFor(T) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Set arrays to be scoped out (not in any workspace) for the specified array type.
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.
setSegment(OnnxMlProto3.TensorProto.Segment) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
setSegment(OnnxMlProto3.TensorProto.Segment.Builder) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
setSegment(OnnxProto3.TensorProto.Segment) - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
setSegment(OnnxProto3.TensorProto.Segment.Builder) - Method in class onnx.OnnxProto3.TensorProto.Builder
.onnx.TensorProto.Segment segment = 3;
setSend(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
setSend(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
Runs the graph.
setSendStartMicros(long) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, for timeline.
setSendStartMicros(long) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The time at which tensor was available and started to be returned.
setSequenceType(OnnxMlProto3.TypeProto.Sequence) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
setSequenceType(OnnxMlProto3.TypeProto.Sequence.Builder) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a sequence.
setSerializedExecutorParameters(ByteString) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
Optional: Parameters given to the executor
setServerDef(ServerDef) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
setServerDef(ServerDef.Builder) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Defines the configuration of a TensorFlow worker.
setServerDef(ServerDef) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
setServerDef(ServerDef.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
Identifies the full cluster, and this particular worker's position within.
setServerLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
setServerLocality(DeviceLocality.Builder) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional information on server-side device locality.
setServerLocality(DeviceLocality) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
setServerLocality(DeviceLocality.Builder) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information on server-side device locality.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The session handle to be used in subsequent calls for the created session.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Sessions are identified by a given handle.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
Sessions are identified by a given handle.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
The session_handle used when registering the graph.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
Optional: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Subgraphs are scoped within one session.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
session_handle is the master-generated unique id for this session.
setSessionHandle(String) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
The session handle to be used in subsequent calls for the created session.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
Sessions are identified by a given handle.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
Sessions are identified by a given handle.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
The session_handle used when registering the graph.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
Optional: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
Subgraphs are scoped within one session.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
session_handle is the master-generated unique id for this session.
setSessionHandleBytes(ByteString) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
REQUIRED: session_handle must be returned by a CreateSession call to the same master service.
setSessionInterOpThreadPool(int, ThreadPoolOptionProto) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
setSessionInterOpThreadPool(int, ThreadPoolOptionProto.Builder) - Method in class org.tensorflow.framework.ConfigProto.Builder
This option is experimental - it may be replaced with a different mechanism in the future.
setShape(OnnxMlProto3.TensorShapeProto) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
setShape(OnnxMlProto3.TensorShapeProto.Builder) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
setShape(OnnxProto3.TensorShapeProto) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
setShape(OnnxProto3.TensorShapeProto.Builder) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
.onnx.TensorShapeProto shape = 2;
setShape(long[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setShape(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
setShape(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
setShape(long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Deprecated.
setShape(TensorShapeProto) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
setShape(TensorShapeProto.Builder) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
.tensorflow.TensorShapeProto shape = 4;
setShape(TensorShapeProto) - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
setShape(TensorShapeProto.Builder) - Method in class org.tensorflow.framework.AttrValue.Builder
"shape"
setShape(int, TensorShapeProto) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
setShape(int, TensorShapeProto.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(shape)"
setShape(TensorShapeProto) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
setShape(TensorShapeProto.Builder) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
.tensorflow.TensorShapeProto shape = 3;
setShape(int, long) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
repeated int64 shape = 3;
setShape(int, long) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
repeated int64 shape = 2;
setShape(int, long) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
repeated int64 shape = 2;
setShape(TensorShapeProto) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
setShape(TensorShapeProto.Builder) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
.tensorflow.TensorShapeProto shape = 2;
setShape(TensorShapeProto) - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
setShape(TensorShapeProto.Builder) - Method in class org.tensorflow.framework.TensorDescription.Builder
Shape of the tensor.
setShape(TensorShapeProto) - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
setShape(TensorShapeProto.Builder) - Method in class org.tensorflow.util.BundleEntryProto.Builder
.tensorflow.TensorShapeProto shape = 2;
setShapeAndStride(int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setShapeAndStride(int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
setShapeAndStride(int[], int[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Shape and stride setter
setShapeInformation(Pair<DataBuffer, long[]>) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
setShapeOptimization(RewriterConfig.Toggle) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Shape optimizations (default is ON) Simplify computations made on shapes.
setShapeOptimizationValue(int) - Method in class org.tensorflow.framework.RewriterConfig.Builder
Shape optimizations (default is ON) Simplify computations made on shapes.
setSharded(boolean) - Method in class org.tensorflow.util.SaverDef.Builder
Shard the save files, one per device that has Variable nodes.
setShardId(int) - Method in class org.tensorflow.util.BundleEntryProto.Builder
The binary content of the tensor lies in: File "shard_id": bytes [offset, offset + size).
setSharedMemorySizePerMultiprocessor(long) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Shared memory size per multiprocessor in bytes.
setSignature(OpDef) - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
setSignature(OpDef.Builder) - Method in class org.tensorflow.framework.FunctionDef.Builder
The definition of the function's name, arguments, return values, attrs etc.
setSimpleValue(float) - Method in class org.tensorflow.framework.Summary.Value.Builder
float simple_value = 2;
setSinceVersion(long) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
The version of the operator set that first introduced this operator.
setSize(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
int64 size = 1;
setSize(long) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
Size of the tensor in that dimension.
setSize(long) - Method in class org.tensorflow.util.BundleEntryProto.Builder
int64 size = 5;
setSlices(int, TensorSliceProto) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
setSlices(int, TensorSliceProto.Builder) - Method in class org.tensorflow.util.BundleEntryProto.Builder
Iff present, this entry represents a partitioned tensor.
setSlot(int) - Method in class org.tensorflow.framework.NodeOutput.Builder
int32 slot = 1;
setSlotName(String) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
The name of the slot (e.g.
setSlotNameBytes(ByteString) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
The name of the slot (e.g.
setSlotVariableNodeId(int) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
An index into `CheckpointableObjectGraph.nodes`, indicating the `Object` with the value of the slot variable.
setSlotVariables(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
setSlotVariables(int, CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
Slot variables owned by this object.
setSnapshotName(String) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the snapshot tensor.
setSnapshotNameBytes(ByteString) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the snapshot tensor.
setSocOpId(int) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
int32 soc_op_id = 4;
setSourceFiles(int, DebuggedSourceFile) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
setSourceFiles(int, DebuggedSourceFile.Builder) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
A collection of source code files.
setSourceRank(int) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
int32 source_rank = 2;
setSparseFactory(NDArrayFactory) - Static method in class org.nd4j.linalg.factory.Nd4j
 
setSparseNDArrayClazz(Class<? extends NDArrayFactory>) - Static method in class org.nd4j.linalg.factory.Nd4j
 
setSrcDevice(String) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, for annotating the timeline.
setSrcDeviceBytes(ByteString) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, for annotating the timeline.
setStart(long) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
Start index of the slice, starting at 0.
setStates(long, long) - Method in class org.nd4j.linalg.api.rng.DefaultRandom
 
setStates(long, long) - Method in interface org.nd4j.linalg.api.rng.Random
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.AdaDeltaUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.AdaGradUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.AdaMaxUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.AdamUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.AMSGradUpdater
 
setStateViewArray(INDArray, long[], 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, long[], char, boolean) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.NadamUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.NesterovsUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.NoOpUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.RmsPropUpdater
 
setStateViewArray(INDArray, long[], char, boolean) - Method in class org.nd4j.linalg.learning.SgdUpdater
 
setStatus(OnnxOperatorsProto3.OperatorProto.OperatorStatus) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
setStatusCode(Code) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
setStatusCode(Code) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
setStatusCodeValue(int) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
setStatusCodeValue(int) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
If store_errors_in_response_body is true in the request, then optionally the server may return an OK status for the RPC and fill the true status into the fields below, to allow for messages that are too long to fit in metadata.
setStatusErrorMessage(String) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
string status_error_message = 6;
setStatusErrorMessage(String) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
string status_error_message = 4;
setStatusErrorMessageBytes(ByteString) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
string status_error_message = 6;
setStatusErrorMessageBytes(ByteString) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
string status_error_message = 4;
setStatusValue(int) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
This field indicates whether the syntax, semantics, or presence of this operator is in an experimental or stable stage.
setStep(int, LabeledStepStats) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
setStep(int, LabeledStepStats.Builder) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
repeated .tensorflow.LabeledStepStats step = 1;
setStepId(long) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
int64 step_id = 1;
setStepId(long) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
int64 step_id = 1;
setStepId(long) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Used at server side to find the correct BufRendezvous.
setStepId(long) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
The step in which the tensor will be produced.
setStepId(long) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
A unique ID to distinguish different runs of the same graph.
setStepId(long) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
Process-unique step id.
setStepId(long) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
Process-unique step id.
setStepId(long) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
Process-unique step id.
setStepId(long) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Process-unique step id.
setStepId(long) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Process-unique step id.
setStepSequence(int, StepSequence) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
setStepSequence(int, StepSequence.Builder) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
repeated .tensorflow.StepSequence step_sequence = 1;
setStepStats(StepStats) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
setStepStats(StepStats.Builder) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
.tensorflow.StepStats step_stats = 2;
setStepStats(StepStats) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
setStepStats(StepStats.Builder) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
If the request asked for execution stats, the cost graph, or the partition graphs, these are returned here.
setStepStats(StepStats) - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
setStepStats(StepStats.Builder) - Method in class org.tensorflow.framework.RunMetadata.Builder
Statistics traced for this step.
setStoreErrorsInResponseBody(boolean) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunGraphResponse with the actual error saved in the status_code/status_error_message fields of the response body.
setStoreErrorsInResponseBody(boolean) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
If true then some errors, e.g., execution errors that have long error messages, may return an OK RunStepResponse with the actual error saved in the status_code/status_error_message fields of the response body.
setStrength(int) - Method in class org.tensorflow.framework.InterconnectLink.Builder
int32 strength = 3;
setStride(long[]) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
setStride(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
setStride(long...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
setStride(long...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Deprecated.
setStringData(int, ByteString) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For strings.
setStringData(int, ByteString) - Method in class onnx.OnnxProto3.TensorProto.Builder
For strings.
setStrings(int, ByteString) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of UTF-8 strings
setStrings(int, ByteString) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of UTF-8 strings
setStringVal(int, ByteString) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_STRING
setStrippedDefaultAttrs(boolean) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A flag to denote whether default-valued attrs have been stripped from the nodes in this graph_def.
setStrippedOpList(OpList) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
setStrippedOpList(OpList.Builder) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
A copy of the OpDefs used by the producer of this graph_def.
setSubdivOffset(int, int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
repeated int32 subdiv_offset = 9;
setSum(double) - Method in class org.tensorflow.framework.HistogramProto.Builder
double sum = 4;
setSummary(String) - Method in class org.tensorflow.framework.ApiDef.Builder
One-line human-readable description of what the Op does.
setSummary(String) - Method in class org.tensorflow.framework.OpDef.Builder
One-line human-readable description of what the Op does.
setSummaryBytes(ByteString) - Method in class org.tensorflow.framework.ApiDef.Builder
One-line human-readable description of what the Op does.
setSummaryBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.Builder
One-line human-readable description of what the Op does.
setSummaryDescription(String) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Longform readable description of the summary sequence.
setSummaryDescriptionBytes(ByteString) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
Longform readable description of the summary sequence.
setSumSquares(double) - Method in class org.tensorflow.framework.HistogramProto.Builder
double sum_squares = 5;
setSwapMemory(boolean) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Whether GPU-CPU memory swap is enabled for this loop.
setT(OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
setT(OnnxMlProto3.TensorProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
tensor value
setT(OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
setT(OnnxProto3.TensorProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
tensor value
setTadThreshold(int) - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
This method allows to set desired number of sub-arrays per thread, for performance optimization purposes.
setTadThreshold(int) - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method allows to set desired number of sub-arrays per thread, for performance optimization purposes.
setTag(String) - Method in class org.tensorflow.framework.Summary.Value.Builder
Tag name for the data.
setTagBytes(ByteString) - Method in class org.tensorflow.framework.Summary.Value.Builder
Tag name for the data.
setTags(int, String) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
User supplied tag(s) on the meta_graph and included graph_def.
setTarget(String) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The target string used from the client's perspective.
setTarget(int, String) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
Target Nodes.
setTarget(int, String) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
Target Nodes.
setTarget(int, String) - Method in class org.tensorflow.framework.CallableOptions.Builder
Target Nodes.
setTargetBytes(ByteString) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
The target string used from the client's perspective.
setTArguments(double...) - Method in class org.nd4j.linalg.api.ops.BaseOpContext
 
setTArguments(double...) - Method in interface org.nd4j.linalg.api.ops.OpContext
This method sets floating point arguments required for operation
setTaskIndex(int) - Method in class org.tensorflow.distruntime.ServerDef.Builder
The task index of this server in its job.
setTaskName(int, String) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
task name prefixes of device_names
setTempMemorySize(long) - Method in class org.tensorflow.framework.MemoryStats.Builder
int64 temp_memory_size = 1;
setTemporaryMemorySize(long) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
Temporary memory used by this node.
setTensor(TensorProto) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
setTensor(TensorProto.Builder) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
The tensor as a proto.
setTensor(int, NamedTensorProto) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
setTensor(int, NamedTensorProto.Builder) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
NOTE: The order of the returned tensors may or may not match the fetch order specified in RunStepRequest.
setTensor(TensorProto) - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
setTensor(TensorProto.Builder) - Method in class org.tensorflow.framework.AttrValue.Builder
"tensor"
setTensor(int, TensorProto) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
setTensor(int, TensorProto.Builder) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(tensor)"
setTensor(TensorDescription) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
setTensor(TensorDescription.Builder) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
Allocated tensor details.
setTensor(TensorDescription) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
setTensor(TensorDescription.Builder) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
Output tensor details.
setTensor(TensorProto) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
setTensor(TensorProto.Builder) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
The client can populate a TensorProto using a tensorflow::Tensor`, or directly using the protobuf field accessors.
setTensor(TensorProto) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
setTensor(TensorProto.Builder) - Method in class org.tensorflow.framework.Summary.Value.Builder
.tensorflow.TensorProto tensor = 8;
setTensorConnection(int, TensorConnection) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
setTensorConnection(int, TensorConnection.Builder) - Method in class org.tensorflow.framework.CallableOptions.Builder
Tensors to be connected in the callable.
setTensorContent(ByteString) - Method in class org.tensorflow.framework.TensorProto.Builder
Serialized raw tensor content from either Tensor::AsProtoTensorContent or memcpy in tensorflow::grpc::EncodeTensorToByteBuffer.
setTensorContent(ByteString) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
bytes tensor_content = 1;
setTensorDescription(TensorDescription) - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
setTensorDescription(TensorDescription.Builder) - Method in class org.tensorflow.framework.NodeOutput.Builder
.tensorflow.TensorDescription tensor_description = 3;
setTensorflowGitVersion(String) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __git_version__ string of the tensorflow build used to write this graph.
setTensorflowGitVersionBytes(ByteString) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __git_version__ string of the tensorflow build used to write this graph.
setTensorflowVersion(String) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __version__ string of the tensorflow build used to write this graph.
setTensorflowVersionBytes(ByteString) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
The __version__ string of the tensorflow build used to write this graph.
setTensorInfo(TensorInfo) - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
setTensorInfo(TensorInfo.Builder) - Method in class org.tensorflow.framework.AssetFileDef.Builder
The tensor to bind the asset filename to.
setTensors(int, OnnxMlProto3.TensorProto) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
setTensors(int, OnnxMlProto3.TensorProto.Builder) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
list of tensors
setTensors(int, OnnxProto3.TensorProto) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
setTensors(int, OnnxProto3.TensorProto.Builder) - Method in class onnx.OnnxProto3.AttributeProto.Builder
list of tensors
setTensors(int, TensorProto) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
setTensors(int, TensorProto.Builder) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Tensors contained within objects being serialized.
setTensorShape(TensorShapeProto) - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
setTensorShape(TensorShapeProto.Builder) - Method in class org.tensorflow.framework.TensorInfo.Builder
The static shape should be recorded here, to the extent that it can be known in advance.
setTensorShape(TensorShapeProto) - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
setTensorShape(TensorShapeProto.Builder) - Method in class org.tensorflow.framework.TensorProto.Builder
Shape of the tensor.
setTensorType(OnnxMlProto3.TypeProto.Tensor) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
setTensorType(OnnxMlProto3.TypeProto.Tensor.Builder) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
The type of a tensor.
setTensorType(OnnxProto3.TypeProto.Tensor) - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
setTensorType(OnnxProto3.TypeProto.Tensor.Builder) - Method in class onnx.OnnxProto3.TypeProto.Builder
The type of a tensor.
setTest(DataSet) - Method in class org.nd4j.linalg.dataset.SplitTestAndTrain
 
setThreadId(int) - Method in class org.tensorflow.framework.NodeExecStats.Builder
uint32 thread_id = 10;
setTimelineLabel(String) - Method in class org.tensorflow.framework.NodeExecStats.Builder
string timeline_label = 8;
setTimelineLabelBytes(ByteString) - Method in class org.tensorflow.framework.NodeExecStats.Builder
string timeline_label = 8;
setTimelineStep(int) - Method in class org.tensorflow.framework.GraphOptions.Builder
If > 0, record a timeline every this many steps.
setTimeoutInMs(long) - Method in class org.tensorflow.framework.RunOptions.Builder
Time to wait for operation to complete in milliseconds.
setTolerateDebugOpCreationFailures(boolean) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
Do not error out if debug op creation fails (e.g., due to dtype incompatibility).
setTotalBytes(long) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
These are per-node allocator memory stats.
setToTensor(String) - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
setToTensorBytes(ByteString) - Method in class org.tensorflow.framework.TensorConnection.Builder
A tensor name.
setTraceLevel(RunOptions.TraceLevel) - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.TraceLevel trace_level = 1;
setTraceLevelValue(int) - Method in class org.tensorflow.framework.RunOptions.Builder
.tensorflow.RunOptions.TraceLevel trace_level = 1;
setTrain(DataSet) - Method in class org.nd4j.linalg.dataset.SplitTestAndTrain
 
setTrainable(boolean) - Method in class org.tensorflow.framework.VariableDef.Builder
Whether this variable should be trained.
setTrainingConfig(TrainingConfig) - Method in class org.nd4j.autodiff.samediff.SameDiff
Set the training configuration (TrainingConfig) for the SameDiff instance.
setTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
setTransportOptions(Any.Builder) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
Optional, implementation-specific data.
setTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
setTransportOptions(Any.Builder) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
Optional, implementation-specific data.
setTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
setTransportOptions(Any.Builder) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
Optional information needed by the RPC subsystem.
setTransportOptions(Any) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
setTransportOptions(Any.Builder) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
Optional additional information about how to receive the tensor, e.g.
setType(OnnxMlProto3.AttributeProto.AttributeType) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
setType(OnnxMlProto3.TypeProto) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setType(OnnxMlProto3.TypeProto.Builder) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setType(OnnxProto3.AttributeProto.AttributeType) - Method in class onnx.OnnxProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
setType(OnnxProto3.TypeProto) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setType(OnnxProto3.TypeProto.Builder) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
This field MUST be present in this version of the IR.
setType(int) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
int32 type = 2;
setType(DataType) - Method in class org.tensorflow.framework.AttrValue.Builder
"type"
setType(int, DataType) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
setType(String) - Method in class org.tensorflow.framework.InterconnectLink.Builder
string type = 2;
setType(DataType) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
setType(String) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
setType(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Device type (CPU, GPU, ...)
setTypeAttr(String) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "type"
setTypeAttrBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
if specified, attr must have type "type"
setTypeBytes(ByteString) - Method in class org.tensorflow.framework.InterconnectLink.Builder
string type = 2;
setTypeBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
One of the type names from attr_value.proto ("string", "list(string)", "int", etc.).
setTypeBytes(ByteString) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Device type (CPU, GPU, ...)
setTypeHint(String) - Method in class org.tensorflow.framework.SummaryDescription.Builder
Hint on how plugins should process the data in this series.
setTypeHintBytes(ByteString) - Method in class org.tensorflow.framework.SummaryDescription.Builder
Hint on how plugins should process the data in this series.
setTypeListAttr(String) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
setTypeListAttrBytes(ByteString) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
If specified, attr must have type "list(type)", and none of type, type_attr, and number_attr may be specified.
setTypeName(String) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string type_name = 3;
setTypeName(String) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Name of the type of objects being serialized.
setTypeNameBytes(ByteString) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
string type_name = 3;
setTypeNameBytes(ByteString) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
Name of the type of objects being serialized.
setTypeValue(int) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
setTypeValue(int) - Method in class onnx.OnnxProto3.AttributeProto.Builder
The type field MUST be present for this version of the IR.
setTypeValue(int) - Method in class org.tensorflow.framework.AttrValue.Builder
"type"
setTypeValue(int, int) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
"list(type)"
setTypeValue(int) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
Describes the type of one or more tensors that are accepted/produced by this input/output arg.
setUint32Val(int, int) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT32
setUint64Data(int, long) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
setUint64Data(int, long) - Method in class onnx.OnnxProto3.TensorProto.Builder
For uint64 and uint32 values When this field is present, the data_type field MUST be UINT32 or UINT64
setUint64Val(int, long) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_UINT64
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.AttributeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.ModelProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.NodeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorProto.Segment.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxMlProto3.ValueInfoProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxOperatorsProto3.OperatorProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.AttributeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.GraphProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.ModelProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.NodeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorProto.Segment.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorShapeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TypeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.TypeProto.Tensor.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class onnx.OnnxProto3.ValueInfoProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupAllRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupAllResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupGraphRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CleanupGraphResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CloseSessionRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CloseSessionResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ClusterDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteGroupRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteGroupResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateSessionRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateSessionResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ExecutorOpts.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ExtendSessionRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ExtendSessionResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStatusRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStatusResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.JobDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.LabeledStepStats.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ListDevicesRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ListDevicesResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.LoggingRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.LoggingResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.MakeCallableRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.MakeCallableResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvBufRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvBufResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvTensorRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RecvTensorResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RegisterGraphRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RegisterGraphResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ResetRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ResetResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunCallableRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunCallableResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunGraphRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunGraphResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunStepRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.RunStepResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.ServerDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.StepSequence.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.TracingRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.distruntime.TracingResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AllocationDescription.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AllocationRecord.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AllocatorMemoryUsed.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Arg.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Attr.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDef.Endpoint.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ApiDefs.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AssetFileDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AttrValue.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AttrValue.ListValue.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.AutoParallelOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CallableOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CondContextDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ConfigProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ConfigProto.Experimental.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Node.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CriticalSectionDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebuggedSourceFile.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebuggedSourceFiles.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebugOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DebugTensorWatch.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DeviceAttributes.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DeviceLocality.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.DeviceStepStats.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.FunctionDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.FunctionDefLibrary.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GPUOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GradientDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeInput.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.HistogramProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.InterconnectLink.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.KernelDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.LocalLinks.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogRawAllocation.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogStep.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryLogTensorOutput.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MemoryStats.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MetaGraphDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NameAttrList.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NamedTensorProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NodeDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NodeExecStats.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.NodeOutput.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDef.ArgDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDef.AttrDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpDeprecation.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OpList.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.OptimizerOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.QueueRunnerDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ResourceHandleProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RewriterConfig.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RPCOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RunMetadata.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RunOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.RunOptions.Experimental.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SavedModel.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ScopedAllocatorOptions.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SignatureDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.StepStats.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Audio.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Image.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.Summary.Value.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SummaryDescription.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SummaryMetadata.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorConnection.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorDescription.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorInfo.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorShapeProto.Dim.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorSliceProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.TensorSliceProto.Extent.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ThreadPoolOptionProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.ValuesDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.VariableDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.VariantTensorDataProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.VersionDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.framework.WhileContextDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.BundleEntryProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class org.tensorflow.util.SaverDef.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse.Builder
 
setUnknownFields(UnknownFieldSet) - Method in class tensorflow.TransportOptions.RecvBufRespExtra.Builder
 
setUnknownRank(boolean) - Method in class org.tensorflow.framework.TensorShapeProto.Builder
If true, the number of dimensions in the shape is unknown.
setupFunction(X) - Method in class org.nd4j.autodiff.samediff.SameDiff
Attempts to insert the DifferentialFunction reference in to this SameDiff instance.
setUseExtendedProfiler(boolean) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture extended profiling events from TensorFlow process.
setUseGpuProfiler(boolean) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture GPU profiling events locally on each machine.
setUseKernelProfiler(boolean) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture kernel events from each worker.
setUsePerSessionThreads(boolean) - Method in class org.tensorflow.framework.ConfigProto.Builder
If true, use a new set of threads for this session rather than the global pool of threads.
setUseRpcForInprocessMaster(boolean) - Method in class org.tensorflow.framework.RPCOptions.Builder
If true, always use RPC to contact the session target.
setUseSampleProfiler(boolean) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, collect sampled profile events.
setUseStepProfiler(boolean) - Method in class org.tensorflow.distruntime.TraceOpts.Builder
If true, capture step profile locally in each worker.
setUseUnifiedMemory(boolean) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
If true, uses CUDA unified memory for memory allocations.
setValue(String) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string value = 2;
setValue(String) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string value = 2;
setValue(int, Any) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
setValue(int, Any.Builder) - Method in class org.tensorflow.framework.CollectionDef.AnyList.Builder
repeated .google.protobuf.Any value = 1;
setValue(int, ByteString) - Method in class org.tensorflow.framework.CollectionDef.BytesList.Builder
repeated bytes value = 1;
setValue(int, float) - Method in class org.tensorflow.framework.CollectionDef.FloatList.Builder
repeated float value = 1 [packed = true];
setValue(int, long) - Method in class org.tensorflow.framework.CollectionDef.Int64List.Builder
repeated int64 value = 1 [packed = true];
setValue(int, String) - Method in class org.tensorflow.framework.CollectionDef.NodeList.Builder
repeated string value = 1;
setValue(int, Summary.Value) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
setValue(int, Summary.Value.Builder) - Method in class org.tensorflow.framework.Summary.Builder
Set of values for the summary.
setValueBytes(ByteString) - Method in class onnx.OnnxMlProto3.StringStringEntryProto.Builder
string value = 2;
setValueBytes(ByteString) - Method in class onnx.OnnxProto3.StringStringEntryProto.Builder
string value = 2;
setValueFor(Field, Object) - Method in class org.nd4j.autodiff.functions.DifferentialFunction
Set the value for this function.
setValueFor(Field, Object) - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.BaseConvolutionConfig
Set the value for this function.
setValueFor(Field, Object) - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
setValueInfo(int, OnnxMlProto3.ValueInfoProto) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
setValueInfo(int, OnnxMlProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxMlProto3.GraphProto.Builder
Information for the values in the graph.
setValueInfo(int, OnnxProto3.ValueInfoProto) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
setValueInfo(int, OnnxProto3.ValueInfoProto.Builder) - Method in class onnx.OnnxProto3.GraphProto.Builder
Information for the values in the graph.
setValues(int, String) - Method in class org.tensorflow.framework.ValuesDef.Builder
Value names that have been seen in this context.
setValuesDef(ValuesDef) - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
setValuesDef(ValuesDef.Builder) - Method in class org.tensorflow.framework.CondContextDef.Builder
Values and external values in control flow context.
setValuesDef(ValuesDef) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
setValuesDef(ValuesDef.Builder) - Method in class org.tensorflow.framework.WhileContextDef.Builder
Values and external values in control flow context.
setValuesTensorName(String) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The shape of the values Tensor is [?].
setValuesTensorNameBytes(ByteString) - Method in class org.tensorflow.framework.TensorInfo.CooSparse.Builder
The shape of the values Tensor is [?].
setValueType(OnnxMlProto3.TypeProto) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
setValueType(OnnxMlProto3.TypeProto.Builder) - Method in class onnx.OnnxMlProto3.TypeProto.Map.Builder
This field MUST be present for this version of the IR.
setVariableName(String) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the variable tensor.
setVariableNameBytes(ByteString) - Method in class org.tensorflow.framework.VariableDef.Builder
Name of the variable tensor.
setVariantVal(int, VariantTensorDataProto) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
setVariantVal(int, VariantTensorDataProto.Builder) - Method in class org.tensorflow.framework.TensorProto.Builder
DT_VARIANT
setVarOffset(int, long) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Offset of this variable into the full variable.
setVarShape(int, long) - Method in class org.tensorflow.framework.SaveSliceInfoDef.Builder
Shape of this variable.
setVendor(String) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Vendor (Intel, nvidia, ...)
setVendorBytes(ByteString) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties.Builder
Vendor (Intel, nvidia, ...)
setVersion(long) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto.Builder
The version of the operator set being identified.
setVersion(long) - Method in class onnx.OnnxProto3.OperatorSetIdProto.Builder
The version of the operator set being identified.
setVersion(int) - Method in class org.tensorflow.framework.GraphDef.Builder
Deprecated.
setVersion(int) - Method in class org.tensorflow.framework.OpDeprecation.Builder
First GraphDef version at which the op is disallowed.
setVersion(VersionDef) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
setVersion(VersionDef.Builder) - Method in class org.tensorflow.util.BundleHeaderProto.Builder
Versioning of the tensor bundle format.
setVersion(String) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
A user-specified version string.
setVersion(SaverDef.CheckpointFormatVersion) - Method in class org.tensorflow.util.SaverDef.Builder
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
setVersionBytes(ByteString) - Method in class org.tensorflow.util.IteratorStateMetadata.Builder
A user-specified version string.
setVersionDef(VersionDef) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
setVersionDef(VersionDef.Builder) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest.Builder
This is the version for all the ops that will be enqueued by the client.
setVersionNumber(int) - Method in class org.tensorflow.framework.TensorProto.Builder
Version number.
setVersions(VersionDef) - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
setVersions(VersionDef.Builder) - Method in class org.tensorflow.framework.GraphDef.Builder
Compatibility versions of the graph.
setVersionValue(int) - Method in class org.tensorflow.util.SaverDef.Builder
.tensorflow.SaverDef.CheckpointFormatVersion version = 7;
setVirtualDevices(int, GPUOptions.Experimental.VirtualDevices) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
setVirtualDevices(int, GPUOptions.Experimental.VirtualDevices.Builder) - Method in class org.tensorflow.framework.GPUOptions.Experimental.Builder
The multi virtual device settings.
setVisibility(ApiDef.Visibility) - Method in class org.tensorflow.framework.ApiDef.Builder
.tensorflow.ApiDef.Visibility visibility = 2;
setVisibilityValue(int) - Method in class org.tensorflow.framework.ApiDef.Builder
.tensorflow.ApiDef.Visibility visibility = 2;
setVisibleDeviceList(String) - Method in class org.tensorflow.framework.GPUOptions.Builder
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
setVisibleDeviceListBytes(ByteString) - Method in class org.tensorflow.framework.GPUOptions.Builder
A comma-separated list of GPU ids that determines the 'visible' to 'virtual' mapping of GPU devices.
setWhileCtxt(WhileContextDef) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
setWhileCtxt(WhileContextDef.Builder) - Method in class org.tensorflow.framework.ControlFlowContextDef.Builder
.tensorflow.WhileContextDef while_ctxt = 2;
setWidth(int) - Method in class org.tensorflow.framework.Summary.Image.Builder
int32 width = 2;
setWorkFinished(long) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 work_finished = 2;
setWorkspace(T, String, WorkspaceConfiguration) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
setWorkspace(T, String, WorkspaceConfiguration) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Seth the workspace name and configuration for the specified array type
setWorkspaceForCurrentThread(MemoryWorkspace) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
setWorkspaceForCurrentThread(MemoryWorkspace, String) - Method in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
 
setWorkspaceName(T, String) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
setWorkspaceName(T, String) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Set the workspace name for the specified array type
setWorkStarted(long) - Method in class org.tensorflow.framework.ReaderBaseState.Builder
int64 work_started = 1;
setX(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
setX(INDArray) - Method in interface org.nd4j.linalg.api.ops.Op
set x (the input ndarray)
setX(INDArray) - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
setY(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
setY(INDArray) - Method in interface org.nd4j.linalg.api.ops.Op
set y(the pairwise ndarray)
setY(INDArray) - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.BaseOp
 
setZ(INDArray) - Method in interface org.nd4j.linalg.api.ops.Op
set z (the solution ndarray)
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
setZ(INDArray) - Method in class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
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(double) - Constructor for class org.nd4j.linalg.learning.config.Sgd
 
Sgd(ISchedule) - 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(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
shannonEntropy(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Shannon Entropy reduction: -sum(x * log2(x))
shannonEntropy(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Shannon Entropy reduction: -sum(x * log2(x))
shannonEntropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns non-normalized Shannon entropy along dimension
shannonEntropy(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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.reduce.floating
Non-normalized Shannon Entropy Op - returns the entropy (information gain, or uncertainty of a random variable).
ShannonEntropy(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
ShannonEntropy(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
ShannonEntropy() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
ShannonEntropy(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
ShannonEntropy(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
shannonEntropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns non-normalized Shannon entropy value for this INDArray
shannonEntropyNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
shape(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns the shape of the specified SDVariable as a 1D SDVariable
shape(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns the shape of the specified SDVariable as a 1D SDVariable
shape - Variable in class org.nd4j.autodiff.samediff.SDVariable
 
shape() - Method in class org.nd4j.autodiff.samediff.SDVariable
Get the shape of the array as a dynamic SDVariable
shape(int) - Method in class org.nd4j.graph.FlatArray
 
shape(int) - Method in class org.nd4j.graph.FlatProperties
 
shape(int) - Method in class org.nd4j.graph.FlatVariable
 
SHAPE - Static variable in class org.nd4j.graph.OpType
 
shape(int) - Method in class org.nd4j.graph.UIVariable
 
shape() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the shape(dimensions) of this array
shape - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
shape() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
shape() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the shape of this ndarray
shape - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
Shape - Class in org.nd4j.linalg.api.ops.impl.shape
Returns the shape of the input array.
Shape() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Shape
 
Shape(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Shape
 
Shape(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Shape
 
shape - Variable in class org.nd4j.linalg.api.ops.random.BaseRandomOp
 
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(LongBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
 
SHAPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto.Tensor
 
SHAPE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TypeProto.Tensor
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorDescription
 
SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleEntryProto
 
SHAPE_KEY - Static variable in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
SHAPE_OPTIMIZATION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RewriterConfig
 
shapeAlreadyExistsForVarName(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Returns true if the given vertex id and shape already exist.
shapeAsByteBuffer() - Method in class org.nd4j.graph.FlatArray
 
shapeAsByteBuffer() - Method in class org.nd4j.graph.FlatProperties
 
shapeAsByteBuffer() - Method in class org.nd4j.graph.FlatVariable
 
shapeAsByteBuffer() - Method in class org.nd4j.graph.UIVariable
 
shapeDescriptor() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
shapeDescriptor() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns shape descriptor of this ndarray
ShapeDescriptor - Class in org.nd4j.linalg.api.shape
 
ShapeDescriptor(int[], int[], long, int, char, long) - 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
shapeEquals(long[], long[]) - 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
shapeEqualWithSqueeze(long[], long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Return true if the shapes are equal after removing any size 1 dimensions For example, [1,3,4] and [3,4] are considered equal by this method.
shapeInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatArray
 
shapeInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
shapeInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.FlatVariable
 
shapeInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIVariable
 
shapeInfo - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
shapeInfo() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
shapeInfo() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
shapeInfoDataBuffer() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
shapeInfoDataBuffer() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
shapeInfoDataBuffer() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Shape info
shapeInfoJava() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
shapeInfoJava() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
shapeInfoJava() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns shapeInformation as jvm long array
shapeInfoLength(int) - Static method in class org.nd4j.linalg.api.shape.Shape
Return the shape info length given the rank
shapeInfoLength(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
 
shapeInformation - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
shapeInfoToString() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the shape information debugging information
shapeInfoToString() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
shapeInfoToString() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the shape information debugging information
shapeIsScalar(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if this shape is scalar
shapeIsScalar(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
shapeLength() - Method in class org.nd4j.graph.FlatArray
 
shapeLength() - Method in class org.nd4j.graph.FlatProperties
 
shapeLength() - Method in class org.nd4j.graph.FlatVariable
 
shapeLength() - Method in class org.nd4j.graph.UIVariable
 
ShapeN - Class in org.nd4j.linalg.api.ops.impl.shape
Returns the shape of N input array as N output arrays
ShapeN() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
ShapeN(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
shapeOf() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
shapeOf() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
shapeOf(LongBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
shapeOf(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
shapeOf(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
shapeToString(LongBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
shapeToStringShort(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
 
SHARD_ID_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleEntryProto
 
SHARDED_FIELD_NUMBER - Static variable in class org.tensorflow.util.SaverDef
 
SHARED_MEMORY_SIZE_PER_MULTIPROCESSOR_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
shiftLeft(DataBuffer, int, int, long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
shouldSkip(NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
shouldSkip(OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
shouldSkip(NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
showDataSet(int, String, DataSet, int, int, int, int) - Method in class org.nd4j.linalg.util.DataSetUtils
showDataSet
public void showDataSet( int mtLv, String itemCode, DataSet ds,
int in_Digits, int ot_Digits, int r_End_I, int c_End_I )
Shows content of DataSet.
showINDArray(int, String, INDArray, int, int, int) - Method in class org.nd4j.linalg.util.DataSetUtils
showINDArray
public void showINDArray( int mtLv, String itemCode, INDArray INDA,
int digits, int r_End_I, int c_End_I )
Shows content of INDArray.
Shows first rows and than columns.
showINDArray(int, String, INDArray, int, int, int, boolean) - Method in class org.nd4j.linalg.util.DataSetUtils
showINDArray
public void showINDArray( int mtLv, String itemCode, INDArray INDA,
int digits, int r_End_I, int c_End_I, boolean turned )
Shows content of INDArray.
If turned is false shows first rows and than columns.
If turned is true shows first columns and than rows.
shuffle() - Method in interface org.nd4j.linalg.dataset.api.DataSet
Shuffle the order of the rows in the DataSet.
shuffle() - Method in interface org.nd4j.linalg.dataset.api.MultiDataSet
Shuffle the order of the examples in the MultiDataSet.
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() - Method in class org.nd4j.linalg.dataset.MultiDataSet
 
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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sigmoid(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise sigmoid function: out[i] = 1.0/(1+exp(-in[i]))
sigmoid(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise sigmoid function: out[i] = 1.0/(1+exp(-in[i]))
Sigmoid - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Sigmoid function
Sigmoid(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
Sigmoid() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
Sigmoid(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
Sigmoid(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
sigmoidCrossEntropy(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
sigmoidCrossEntropy(String, SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Sigmoid cross entropy: applies the sigmoid activation function on the input logits (input "pre-sigmoid preductions") and implements the binary cross entropy loss function.
sigmoidCrossEntropy(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
SigmoidCrossEntropyLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Sigmoid cross entropy loss with logits
SigmoidCrossEntropyLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.SigmoidCrossEntropyLoss
 
SigmoidCrossEntropyLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.SigmoidCrossEntropyLoss
 
SigmoidCrossEntropyLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Sigmoid cross entropy loss with logits
SigmoidCrossEntropyLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.SigmoidCrossEntropyLossBp
 
sigmoidDerivative(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sigmoidDerivative(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise sigmoid function derivative: dL/dIn given input and dL/dOut
sigmoidDerivative(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise sigmoid function derivative: dL/dIn given input and dL/dOut
SigmoidDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
 
SigmoidDerivative(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
SigmoidDerivative(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
SigmoidDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
SigmoidDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Sigmoid derivative
SigmoidDerivative(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
SigmoidDerivative(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
SigmoidDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
SigmoidDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
SigmoidDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
SigmoidDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
SigmoidSchedule - Class in org.nd4j.linalg.schedule
Sigmoid decay schedule, with 3 parameters: initial value, gamma and stepSize.
value(i) = initialValue * 1.0 / (1 + exp(-gamma * (iter - stepSize))) where i is the iteration or epoch (depending on the setting)
SigmoidSchedule(ScheduleType, double, double, int) - Constructor for class org.nd4j.linalg.schedule.SigmoidSchedule
 
SigmoidUniformInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: range = 4.0 * Math.sqrt(6.0 / (fanIn + fanOut)) U(-range,range)
SigmoidUniformInitScheme(char, double, double) - Constructor for class org.nd4j.weightinit.impl.SigmoidUniformInitScheme
 
sign(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sign(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise sign (signum) function:
out = -1 if in < 0
out = 0 if in = 0
out = 1 if in > 0
sign(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise sign (signum) function:
out = -1 if in < 0
out = 0 if in = 0
out = 1 if in > 0
Sign - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Signum function
Sign(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
Sign() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
Sign(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
Sign(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.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
SIGNATURE_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef
 
SIGNATURE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.FunctionDef
 
SignatureDef - Class in org.tensorflow.framework
SignatureDef defines the signature of a computation supported by a TensorFlow graph.
SignatureDef.Builder - Class in org.tensorflow.framework
SignatureDef defines the signature of a computation supported by a TensorFlow graph.
SignatureDefOrBuilder - Interface in org.tensorflow.framework
 
SIMPLE_VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
sin(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sin(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise sine operation: out = sin(x)
sin(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise sine operation: out = sin(x)
Sin - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Log elementwise function
Sin(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
Sin(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
Sin(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
Sin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
SINCE_VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorProto
 
SingleGenerator() - Constructor for class org.nd4j.linalg.indexing.SpecifiedIndex.SingleGenerator
 
SingletonDataSetIterator - Class in org.nd4j.linalg.dataset.adapter
A very simple adapter class for converting a single DataSet to a DataSetIterator.
SingletonDataSetIterator(DataSet) - Constructor for class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
SingletonMultiDataSetIterator - Class in org.nd4j.linalg.dataset.adapter
A very simple adapter class for converting a single MultiDataSet to a MultiDataSetIterator.
SingletonMultiDataSetIterator(MultiDataSet) - Constructor for class org.nd4j.linalg.dataset.adapter.SingletonMultiDataSetIterator
 
sinh(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sinh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise sinh (hyperbolic sine) operation: out = sinh(x)
sinh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise sinh (hyperbolic sine) operation: out = sinh(x)
Sinh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Sinh function
Sinh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
Sinh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
Sinh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
Sinh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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() - Method in class org.nd4j.autodiff.execution.input.Operands
This method returns number of values in this entity
size(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
size(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns the size (number of elements, i.e., prod(shape)) of the specified SDVariable as a 0D scalar variable
size(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns the size (number of elements, i.e., prod(shape)) of the specified SDVariable as a 0D scalar variable
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
size(int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the size along a specified dimension
Size - Class in org.nd4j.linalg.api.ops.impl.shape
Returns the size of the input as a rank 0 array
Size() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Size
 
Size(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Size
 
size(IntBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the size of the specified dimension.
size(LongBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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(long[], 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
 
size - Variable in class org.nd4j.list.BaseNDArrayList
 
size() - Method in class org.nd4j.list.BaseNDArrayList
 
size() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
size() - Method in class org.nd4j.list.NDArrayList
 
SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorShapeProto.Dim
 
SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleEntryProto
 
sizeAt(SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sizeAt(SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sizeAt(String, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Returns a rank 0 (scalar) variable for the size of the specified dimension.
SizeAt - Class in org.nd4j.linalg.api.ops.impl.shape
Returns the size of the input along given dimension as a rank 0 array
SizeAt() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
SizeAt(INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
SizeAt(INDArray, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
SizeAt(SameDiff, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SizeAt
 
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(DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
This method returns size of element for specified dataType, in bytes
SizeThresholdIntArrayIntIndexAdpater - Class in org.nd4j.imports.descriptors.properties.adapters
 
SizeThresholdIntArrayIntIndexAdpater() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.SizeThresholdIntArrayIntIndexAdpater
 
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
 
sizeUnsafe(long[], int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
SKIP_VALUE - Static variable in enum org.tensorflow.framework.ApiDef.Visibility
Do not include this op in the generated API.
skipBuilderValidation(boolean) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
 
SkipGramRound - Class in org.nd4j.linalg.api.ops.impl.nlp
 
SkipGramRound() - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.SkipGramRound
 
SkipGramRound(int, INDArray, INDArray, INDArray, int[], byte[], double, long, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.SkipGramRound
sg hs round
SkipGramRound(int, int, INDArray, INDArray, INDArray, INDArray, int, double, long, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.SkipGramRound
sg ns round
SkipGramRound(INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, INDArray, int, INDArray, INDArray, INDArray, INDArray, INDArray, boolean, int) - Constructor for class org.nd4j.linalg.api.ops.impl.nlp.SkipGramRound
full constructor
skipOp(NODE_TYPE, SameDiff, Map<String, ATTR_TYPE>, GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.OpImportFilter
If true: the op should be skipped for import, and its output variables should not be created.
sLength() - Method in class org.nd4j.graph.FlatProperties
 
slice(SDVariable, int[], int[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
slice(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
slice(SDVariable, int[], int[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
slice(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
slice(String, SDVariable, int[], int[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Get a subset of the specified input, by specifying the first element and the size of the array.
For example, if input is:
[a, b, c]
[d, e, f]
then slice(input, begin=[0,1], size=[2,1] will return:
[b]
[e]

Note that for each dimension i, begin[i] + size[i] <= input.size(i)
slice(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
slice(long) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the specified slice of this matrix.
slice(long, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the slice of this from the specified dimension
slice(long, int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
slice(long) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
slice(long, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified slice of this ndarray
slice(long) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the specified slice of this ndarray
Slice - Class in org.nd4j.linalg.api.ops.impl.shape
Slice function
Slice() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Slice
 
Slice(SameDiff, SDVariable, int[], int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Slice
 
Slice(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Slice
 
sliceBp(SDVariable, SDVariable, int[], int[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SliceBp - Class in org.nd4j.linalg.api.ops.impl.shape.bp
Slice backprop function
SliceBp() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.SliceBp
 
SliceBp(SameDiff, SDVariable, SDVariable, int[], int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.SliceBp
 
sliceOffsetForTensor(int, INDArray, int[]) - Static method in class org.nd4j.linalg.util.NDArrayMath
calculates the offset for a tensor
sliceOffsetForTensor(int, INDArray, long[]) - Static method in class org.nd4j.linalg.util.NDArrayMath
 
slices() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Number of slices: aka shape[0]
slices() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
slices() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of slices in this ndarray
SLICES_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleEntryProto
 
sliceVectors(List<INDArray>) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Flattens the array for linear indexing
sliceVectors(List<INDArray>) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sliceVectors(List<INDArray>) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
SLOT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeOutput
 
SLOT_NAME_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
SLOT_VARIABLE_NODE_ID_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
SLOT_VARIABLES_FIELD_NUMBER - Static variable in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
SNAPSHOT_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariableDef
 
snrm2(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
snrm2(long, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
SOC_OP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInfo
 
softmax(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
softmax(SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
softmax(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Softmax activation
softmax(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Softmax activation
SoftMax - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
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.custom.SoftMax
 
SoftMax(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
SoftMax(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
SoftMax(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
SoftMax(SameDiff, SDVariable[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
SoftMax(SameDiff, SDVariable[], int, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
SoftMax(INDArray, INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.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
 
SoftmaxBp - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
Softmax backpropagation op - dL/dIn from in and dL/dOut
SoftmaxBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftmaxBp
 
SoftmaxBp(SameDiff, SDVariable, SDVariable, Integer) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftmaxBp
 
softmaxCrossEntropy(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
softmaxCrossEntropy(String, SDVariable, SDVariable, SDVariable, LossReduce, double) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
Applies the softmax activation function to the input, then implement multi-class cross entropy:
-sum_classes label[i] * log(p[c]) where p = softmax(logits)
If LossReduce.NONE is used, returned shape is [numExamples] out for [numExamples, numClasses] predicitons/labels; otherwise, the output is a scalar.
softmaxCrossEntropy(String, SDVariable, SDVariable, LossReduce) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
SoftmaxCrossEntropyLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Softmax cross entropy loss
SoftmaxCrossEntropyLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
SoftmaxCrossEntropyLoss(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
SoftmaxCrossEntropyLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Softmax cross entropy loss
SoftmaxCrossEntropyLossBp(SameDiff, LossReduce, SDVariable, SDVariable, SDVariable, double) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.SoftmaxCrossEntropyLossBp
 
SoftmaxCrossEntropyWithLogitsLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Softmax cross entropy loss with Logits
SoftmaxCrossEntropyWithLogitsLoss(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyWithLogitsLoss
 
SoftmaxCrossEntropyWithLogitsLossBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Softmax cross entropy loss with Logits
SoftmaxCrossEntropyWithLogitsLossBp(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.SoftmaxCrossEntropyWithLogitsLossBp
 
softmaxDerivative(SDVariable, SDVariable, Integer) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
softmaxDerivative(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
softmaxDerivative(String, SDVariable, SDVariable, Integer) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
SoftMaxDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Softmax derivative
SoftMaxDerivative(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
SoftMaxDerivative(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
SoftMaxDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
SoftMaxDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
SoftMaxDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
softplus(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
softplus(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise softplus function: out = log(exp(x) + 1)
softplus(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise softplus function: out = log(exp(x) + 1)
SoftPlus - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
 
SoftPlus(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
SoftPlus(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
SoftPlus() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
SoftPlus(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
softsign(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise softsign function: out = x / (abs(x) + 1)
softsign(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise softsign function: out = x / (abs(x) + 1)
SoftSign - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Softsign element-wise activation function.
SoftSign(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
SoftSign() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
SoftSign(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
SoftSign(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
softsignDerivative(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise derivative (dOut/dIn) of the softsign function SDNN.softsign(SDVariable)
softsignDerivative(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise derivative (dOut/dIn) of the softsign function SDNN.softsign(SDVariable)
SoftSignDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
SoftSign derivative.
SoftSignDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
SoftSignDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
SoftSignDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
SoftSignDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.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
 
SOFTWARE_TRACE_VALUE - Static variable in enum org.tensorflow.framework.RunOptions.TraceLevel
SOFTWARE_TRACE = 1;
solverAbsoluteAccuracy - Variable in class org.nd4j.linalg.api.rng.distribution.BaseDistribution
 
sort() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Sort the indexes and the values buffers
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
Note that the input array is modified in-place.
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.
sortCooIndices(INDArray) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
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(INDArray, int, boolean) - Static method in class org.nd4j.linalg.factory.Nd4j
Sort an ndarray along a particular dimension.
Note that the input array is modified in-place.
SOURCE_FILES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebuggedSourceFiles
 
SOURCE_RANK_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceResponse
 
spaceToBatch(SDVariable, int[], int[][]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
spaceToBatch(SDVariable, int[], int[][]) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
 
spaceToBatch(String, SDVariable, int[], int[][]) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 2d layer space to batch operation on 4d input.
SpaceToBatch - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
N-dimensional space to batch operation.
SpaceToBatch() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
SpaceToBatch(SameDiff, SDVariable[], int[], int[][], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
spaceToDepth(SDVariable, int, String) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
spaceToDepth(SDVariable, int, String) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
 
spaceToDepth(String, SDVariable, int, String) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
Convolution 2d layer space to depth operation on 4d input.
Increases input channels (reduced spatial dimensions) by rearranging data into a larger channels dimension
Example: if input has shape [mb, 2, 4, 4] and block size is 2, then output size is [mb, 8/(2*2), 2*2, 2*2] = [mb, 2, 4, 4]
SpaceToDepth - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
This operation takes 4D array in, in either NCHW or NHWC format, and moves data from spatial dimensions (HW) to channels (C) for given blockSize
SpaceToDepth() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
SpaceToDepth(SameDiff, SDVariable[], int, String) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
SpaceToDepth(INDArray, INDArray, int, String) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
SPARSE_BLAS_OPS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
SPARSE_BLAS_WRAPPER_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
SPARSE_INSTANCE - Static variable in class org.nd4j.linalg.factory.Nd4j
 
SPARSE_NDARRAY_FACTORY_CLASS - Static variable in class org.nd4j.linalg.factory.Nd4j
 
SparseBaseLapack - Class in org.nd4j.linalg.api.blas.impl
 
SparseBaseLapack() - Constructor for class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
SparseBaseLevel - Class in org.nd4j.linalg.api.blas.impl
 
SparseBaseLevel() - Constructor for class org.nd4j.linalg.api.blas.impl.SparseBaseLevel
 
SparseBaseLevel1 - Class in org.nd4j.linalg.api.blas.impl
 
SparseBaseLevel1() - Constructor for class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
SparseBaseLevel2 - Class in org.nd4j.linalg.api.blas.impl
 
SparseBaseLevel2() - Constructor for class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
SparseBaseLevel3 - Class in org.nd4j.linalg.api.blas.impl
 
SparseBaseLevel3() - Constructor for class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
sparseBlasWrapperClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
SparseCOOGemvParameters - Class in org.nd4j.linalg.api.blas.params
 
SparseCOOGemvParameters(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.blas.params.SparseCOOGemvParameters
 
SparseDescriptor - Class in org.nd4j.linalg.api.shape
 
SparseDescriptor(int[], long[], int[], int) - Constructor for class org.nd4j.linalg.api.shape.SparseDescriptor
 
sparseFactory() - Static method in class org.nd4j.linalg.factory.Nd4j
 
SparseFormat - Enum in org.nd4j.linalg.api.ndarray
 
sparseGenerator() - Method in class org.nd4j.linalg.indexing.SpecifiedIndex
 
SPARSEINFO_PROVIDER - Static variable in class org.nd4j.linalg.factory.Nd4j
 
sparseInfoDataBuffer() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sparseInfoDataBuffer() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sparseInfoDataBuffer() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Sparse info
SparseInfoProvider - Interface in org.nd4j.linalg.api.ndarray
 
sparseInfoProvider - Static variable in class org.nd4j.linalg.factory.Nd4j
 
sparseInfoProviderClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
sparseInformation - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sparseNDArrayClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
sparseOffsets() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sparseOffsets() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sparseOffsets() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
sparseOffsets(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
SparseSingleGenerator() - Constructor for class org.nd4j.linalg.indexing.SpecifiedIndex.SparseSingleGenerator
 
sparseSoftmaxCrossEntropy(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
sparseSoftmaxCrossEntropy(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
As per SDLoss.softmaxCrossEntropy(String, SDVariable, SDVariable, LossReduce) but the labels variable is represented as an integer array instead of the equivalent one-hot array.
i.e., if logits are rank N, then labels have rank N-1
SparseSoftmaxCrossEntropyLossWithLogits - Class in org.nd4j.linalg.api.ops.impl.loss
Sparse softmax cross entropy loss with logits.
SparseSoftmaxCrossEntropyLossWithLogits(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
SparseSoftmaxCrossEntropyLossWithLogitsBp - Class in org.nd4j.linalg.api.ops.impl.loss.bp
Sparse softmax cross entropy loss with logits.
SparseSoftmaxCrossEntropyLossWithLogitsBp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.bp.SparseSoftmaxCrossEntropyLossWithLogitsBp
 
SparseSpecifiedIndexesGenerator(INDArrayIndex[]) - Constructor for class org.nd4j.linalg.indexing.SpecifiedIndex.SparseSpecifiedIndexesGenerator
The indexes to generate from
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.SparseSingleGenerator - Class in org.nd4j.linalg.indexing
 
SpecifiedIndex.SparseSpecifiedIndexesGenerator - Class in org.nd4j.linalg.indexing
A generator for SpecifiedIndex for Itertools.product(Generator) to iterate over an array given a set of iterators
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
 
Split - Class in org.nd4j.linalg.api.ops.impl.shape
Split op
Split() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Split
 
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
SplitV 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
SplitV test and train
SplitTestAndTrain(DataSet, DataSet) - Constructor for class org.nd4j.linalg.dataset.SplitTestAndTrain
 
SplitV - Class in org.nd4j.linalg.api.ops.impl.shape
SplitV op
SplitV() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.SplitV
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sqrt(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise square root function: out = sqrt(x)
sqrt(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise square root function: out = sqrt(x)
Sqrt - Class in org.nd4j.linalg.api.ops.impl.transforms.floating
Sqrt function
Sqrt(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
Sqrt() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
Sqrt(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
Sqrt(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.floating.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
square(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
square(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise square function: out = x^2
square(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Element-wise square function: out = x^2
Square - Class in org.nd4j.linalg.api.ops.impl.transforms.same
Square function (x ^ 2)
Square(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
Square() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
Square(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
Square(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
squaredDifference(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
squaredDifference(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
squaredDifference(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Squared difference operation: (this - x)^2
SquaredDifferenceBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Backprop op for squared difference operation, i.e.
SquaredDifferenceBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SquaredDifferenceBpOp
 
SquaredDifferenceBpOp(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SquaredDifferenceBpOp
 
SquaredDifferenceOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Squared difference operation, i.e.
SquaredDifferenceOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
SquaredDifferenceOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
SquaredDifferenceOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
squaredDistance(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the square of the Euclidean distance.
squaredDistance(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
squaredDistance(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the square of the Euclidean distance.
squaredNorm(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
squaredNorm(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
squaredNorm(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
squaredNorm(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
squaredNorm(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
SquaredNorm - Class in org.nd4j.linalg.api.ops.impl.reduce.floating
Squared norm (sum_i x_i^2) reduction operation
SquaredNorm(SameDiff, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
SquaredNorm(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
SquaredNorm() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
squaredNormBp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SquaredNormBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for squared norm (sum_i x_i^2) reduction operation
SquaredNormBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.SquaredNormBp
 
SquaredNormBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.SquaredNormBp
 
SquaredNormBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.SquaredNormBp
 
squeeze(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
squeeze(SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
squeeze(String, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Remove a single dimension of size 1.
Squeeze - Class in org.nd4j.linalg.api.ops.impl.shape
 
Squeeze() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
Squeeze(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
squeeze(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Gets rid of any singleton dimensions of the given array
squeeze(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
Gets rid of any singleton dimensions of the given array
squeeze(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Squeeze : removes a dimension of size 1
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
SRC_DEVICE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
srot(long, 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
 
sroti(long, INDArray, DataBuffer, INDArray, double, double) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
srotm(long, 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
 
sru(SRUConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
Simple recurrent unit
sru(String, SRUConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
Simiple recurrent unit
SRU - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent
Simple recurrent unit
SRU() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRU
 
SRU(SameDiff, SRUConfiguration) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRU
 
sruCell(SRUCellConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
An sru cell
sruCell(String, SRUCellConfiguration) - Method in class org.nd4j.autodiff.samediff.ops.SDRNN
An sru cell
SRUCell - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent
A simple recurrent unit cell.
SRUCell() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRUCell
 
SRUCell(SameDiff, SRUCellConfiguration) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRUCell
 
SRUCellConfiguration - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent.config
 
SRUCellConfiguration() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.SRUCellConfiguration
 
SRUConfiguration - Class in org.nd4j.linalg.api.ops.impl.layers.recurrent.config
 
SRUConfiguration() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.SRUConfiguration
 
ssbmv(char, char, int, int, float, INDArray, int, INDArray, int, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel2
 
sscal(long, float, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
 
sscal(long, double, INDArray, int) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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(long, 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.strict
Stabilization function, forces values to be within a range
Stabilize(SameDiff, SDVariable, boolean, double, double, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
Stabilize() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
Stabilize(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
Stabilize(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
STABLE_VALUE - Static variable in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
STABLE = 1;
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
 
stack(SDVariable[], int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
stack(int, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
stack(String, int, SDVariable...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Stack a set of N SDVariables of rank X into one rank X+1 variable.
Stack - Class in org.nd4j.linalg.api.ops.impl.shape
Stack operation.
Stack() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Stack
 
Stack(INDArray[], INDArray, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Stack
 
Stack(SameDiff, SDVariable[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Stack
 
stack(SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
stack(int, INDArray...) - Static method in class org.nd4j.linalg.factory.Nd4j
Stack a set of N SDVariables of rank X into one rank X+1 variable.
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
 
StackTree - Class in org.nd4j.linalg.profiler.data.primitives
 
StackTree() - Constructor for class org.nd4j.linalg.profiler.data.primitives.StackTree
 
standardDeviation(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
standardDeviation(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Stardard deviation array reduction operation, optionally along specified dimensions
standardDeviation(String, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Stardard deviation array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
StandardDeviation - Class in org.nd4j.linalg.api.ops.impl.summarystats
Standard deviation (sqrt of variance)
StandardDeviation(SameDiff, SDVariable, boolean, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
StandardDeviation(INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
StandardDeviation() - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
StandardDeviation(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
StandardDeviation(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
StandardDeviation(INDArray, INDArray, boolean, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
StandardDeviationBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for standard deviation reduction operation
StandardDeviationBp(SameDiff, SDVariable, SDVariable, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.StandardDeviationBp
 
StandardDeviationBp(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.StandardDeviationBp
 
StandardDeviationBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.StandardDeviationBp
 
standardize(SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
standardize(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Standardize input variable along given axis
standardize(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Standardize input variable along given axis
Standardize - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
Standardize(SameDiff, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Standardize
 
Standardize(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Standardize
 
Standardize() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Standardize
 
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
standardizeBp(SDVariable, SDVariable, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
StandardizeBp - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
StandardizeBp(SameDiff, SDVariable, SDVariable, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.StandardizeBp
 
StandardizeBp(INDArray, INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.StandardizeBp
 
StandardizeBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.StandardizeBp
 
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.
 
START_EVENTS - Static variable in class org.nd4j.graph.UIInfoType
 
START_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorSliceProto.Extent
 
startAVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
startBinlabelsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIHistogram
 
startBufferVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArray
 
startBVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
startControlDepsForOpVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
startControlDepsForVarVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
startControlDepsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
startControlDepsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
startDimensionsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startDVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
startExtraBoolsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startExtraIntegerVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startExtraParamsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startFlatArray(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatArray
 
startFlatArrayList(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatArrayList
 
startFlatConfiguration(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatConfiguration
 
startFlatDropRequest(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatDropRequest
 
startFlatGraph(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatGraph
 
startFlatInferenceRequest(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
startFlatNode(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatNode
 
startFlatProperties(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatProperties
 
startFlatResponse(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatResponse
 
startFlatResult(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatResult
 
startFlatTiming(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatTiming
 
startFlatVariable(FlatBufferBuilder) - Static method in class org.nd4j.graph.FlatVariable
 
startFrameIteration(FlatBufferBuilder) - Static method in class org.nd4j.graph.FrameIteration
 
startGpuMemoryVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIHardwareState
 
startInputPairedVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startInputsForOpVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
startInputsPairVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
startInputsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
startInputsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
startInputVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startIntPair(FlatBufferBuilder) - Static method in class org.nd4j.graph.IntPair
 
startIntTriple(FlatBufferBuilder) - Static method in class org.nd4j.graph.IntTriple
 
startIVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
startListVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArrayList
 
startLongPair(FlatBufferBuilder) - Static method in class org.nd4j.graph.LongPair
 
startLongTriple(FlatBufferBuilder) - Static method in class org.nd4j.graph.LongTriple
 
startLossVariablesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
startLVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
startNodesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
startOpsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
startOutputNamesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startOutputsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
startOutputsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
startOutputsVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIOp
 
startOutputTypesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startOutputVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startPlaceholdersVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
startPropertiesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatNode
 
startShapeVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatArray
 
startShapeVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
startShapeVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatVariable
 
startShapeVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIVariable
 
startSVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatProperties
 
startTimingVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResult
 
startUIAddName(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIAddName
 
startUIEvent(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIEvent
 
startUIGraphStructure(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIGraphStructure
 
startUIHardwareState(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIHardwareState
 
startUIHistogram(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIHistogram
 
startUIOp(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIOp
 
startUIStaticInfoRecord(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIStaticInfoRecord
 
startUISummaryStatistics(FlatBufferBuilder) - Static method in class org.nd4j.graph.UISummaryStatistics
 
startUISystemInfo(FlatBufferBuilder) - Static method in class org.nd4j.graph.UISystemInfo
 
startUIVariable(FlatBufferBuilder) - Static method in class org.nd4j.graph.UIVariable
 
startVariablesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatGraph
 
startVariablesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatInferenceRequest
 
startVariablesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.FlatResult
 
startVariablesVector(FlatBufferBuilder, int) - Static method in class org.nd4j.graph.UIGraphStructure
 
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
states - Variable in class org.nd4j.autodiff.samediff.flow.FlowPath
 
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 class org.nd4j.linalg.learning.config.AMSGrad
 
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
 
StaticInfo() - Constructor for class org.nd4j.graph.ui.LogFileWriter.StaticInfo
 
stats() - Method in class org.nd4j.evaluation.classification.Evaluation
Report the classification statistics as a String
stats(boolean) - Method in class org.nd4j.evaluation.classification.Evaluation
Method to obtain the classification report as a String
stats(boolean, boolean) - Method in class org.nd4j.evaluation.classification.Evaluation
Method to obtain the classification report as a String
stats() - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get a String representation of the EvaluationBinary class, using the default precision
stats(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get a String representation of the EvaluationBinary class, using the specified precision
stats() - Method in class org.nd4j.evaluation.classification.EvaluationCalibration
 
stats() - Method in class org.nd4j.evaluation.classification.ROC
 
stats() - Method in class org.nd4j.evaluation.classification.ROCBinary
 
stats(int) - Method in class org.nd4j.evaluation.classification.ROCBinary
 
stats() - Method in class org.nd4j.evaluation.classification.ROCMultiClass
 
stats(int) - Method in class org.nd4j.evaluation.classification.ROCMultiClass
 
stats() - Method in interface org.nd4j.evaluation.IEvaluation
 
stats() - Method in class org.nd4j.evaluation.regression.RegressionEvaluation
 
status() - Method in class org.nd4j.graph.FlatResponse
 
STATUS_CODE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphResponse
 
STATUS_CODE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepResponse
 
STATUS_ERROR_MESSAGE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphResponse
 
STATUS_ERROR_MESSAGE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepResponse
 
STATUS_FIELD_NUMBER - Static variable in class onnx.OnnxOperatorsProto3.OperatorProto
 
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(SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
std(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
std(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
std(String, boolean, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Stardard deviation array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
std(boolean, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
stdBp(SDVariable, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
stdev() - Method in class org.nd4j.graph.UISummaryStatistics
 
stdNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
stdNumber(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
stdNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
stdNumber(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
step(SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise step function:
out(x) = 1 if x >= cutoff
out(x) = 0 otherwise
step(String, SDVariable, double) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise step function:
out(x) = 1 if x >= cutoff
out(x) = 0 otherwise
Step - Class in org.nd4j.linalg.api.ops.impl.scalar
Unit step function.
Step(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Step
 
Step() - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Step
 
Step(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Step
 
Step(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Step
 
Step(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.Step
 
Step(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.impl.scalar.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
 
STEP_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.LoggingResponse
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CleanupGraphRequest
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.LabeledStepStats
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorRequest
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawAllocation
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogRawDeallocation
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogStep
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorAllocation
 
STEP_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorOutput
 
STEP_SEQUENCE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.GetStepSequenceResponse
 
STEP_STATS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.LabeledStepStats
 
STEP_STATS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphResponse
 
STEP_STATS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunMetadata
 
StepSchedule - Class in org.nd4j.linalg.schedule
Step decay schedule, with 3 parameters: initial value, gamma and step.
value(i) = initialValue * gamma^( floor(iter/step) ) where i is the iteration or epoch (depending on the setting)
StepSchedule(ScheduleType, double, double, double) - Constructor for class org.nd4j.linalg.schedule.StepSchedule
 
stepsCount - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
StepSequence - Class in org.tensorflow.distruntime
Protobuf type tensorflow.StepSequence
StepSequence.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.StepSequence
StepSequenceOrBuilder - Interface in org.tensorflow.distruntime
 
stepsNumber - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
StepStats - Class in org.tensorflow.framework
Protobuf type tensorflow.StepStats
StepStats.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.StepStats
StepStatsOrBuilder - Interface in org.tensorflow.framework
 
StepStatsProtos - Class in org.tensorflow.framework
 
StopGradient - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
 
StopGradient() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.StopGradient
 
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
STORE_ERRORS_IN_RESPONSE_BODY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunGraphRequest
 
STORE_ERRORS_IN_RESPONSE_BODY_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepRequest
 
storeAndAllocateNewArray() - Method in class org.nd4j.autodiff.samediff.SDVariable
Allocate and return a new array based on the vertex id and weight initialization.
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
 
STRENGTH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.InterconnectLink
 
STRICT - Static variable in class org.nd4j.graph.ExecutionMode
 
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 - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
stride(int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
stride() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 - Variable in class org.nd4j.linalg.api.ndarray.JvmShapeInfo
 
stride(IntBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
Get the stride of the specified dimension
stride(LongBuffer, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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(long[], 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(LongBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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(long[]) - 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.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.
stridedSlice(SDVariable, int[], int[], int[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
stridedSlice(SDVariable, long[], long[], long[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
stridedSlice(SDVariable, int[], int[], int[], int, int, int, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
stridedSlice(SDVariable, long[], long[], long[], int, int, int, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
stridedSlice(SDVariable, int[], int[], int[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
stridedSlice(String, SDVariable, int[], int[], int[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
stridedSlice(String, SDVariable, int[], int[], int[], int, int, int, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
stridedSlice(SDVariable, long[], long[], long[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
stridedSlice(String, SDVariable, long[], long[], long[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Get a subset of the specified input, by specifying the first element, last element, and the strides.
For example, if input is:
[a, b, c]
[d, e, f]
[g, h, i]
then stridedSlice(input, begin=[0,1], end=[2,2], strides=[2,1]) will return:
[b, c]
[h, i]

stridedSlice(String, SDVariable, long[], long[], long[], int, int, int, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Get a subset of the specified input, by specifying the first element, last element, and the strides.
Operates as described in SDBaseOps.stridedSlice(SDVariable, long[], long[], long[]) with some extra mask arrays as described below.
stridedSlice(SDVariable, int[], int[], int[], int, int, int, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
stridedSlice(SDVariable, long[], long[], long[], int, int, int, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
StridedSlice - Class in org.nd4j.linalg.api.ops.impl.shape
Strided Slice function
StridedSlice() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
StridedSlice(SameDiff, SDVariable, int[], int[], int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
StridedSlice(SameDiff, SDVariable, long[], long[], long[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
StridedSlice(SameDiff, SDVariable, long[], long[], long[], int, int, int, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
StridedSlice(SameDiff, SDVariable, int[], int[], int[], int, int, int, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
stridedSliceBp(SDVariable, SDVariable, long[], long[], long[], int, int, int, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
stridedSliceBp(SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, int, int, int, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
StridedSliceBp - Class in org.nd4j.linalg.api.ops.impl.shape.bp
Strided Slice backprop function
StridedSliceBp() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.StridedSliceBp
 
StridedSliceBp(SameDiff, SDVariable, SDVariable, long[], long[], long[], int, int, int, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.StridedSliceBp
 
StridedSliceBp(SameDiff, SDVariable, SDVariable, SDVariable, SDVariable, SDVariable, int, int, int, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.StridedSliceBp
 
strideOf() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
strideOf() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
strides(char, NDArrayIndex...) - Static method in class org.nd4j.linalg.indexing.Indices
Calculate the strides based on the given indices
stridesOf(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
stridesOf(long[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
 
strideUnsafe(long[], int, int) - Static method in class org.nd4j.linalg.api.shape.Shape
 
STRING_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
STRING_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
STRING_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
STRING_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
STRING = 3;
STRING_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
string
STRING_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
STRING = 3;
STRING_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
string
StringAggregator - Class in org.nd4j.linalg.profiler.data
 
StringAggregator() - Constructor for class org.nd4j.linalg.profiler.data.StringAggregator
 
stringBuffer(FlatBufferBuilder, DataBuffer) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
StringCounter - Class in org.nd4j.linalg.profiler.data
Simple key-value counter
StringCounter() - Constructor for class org.nd4j.linalg.profiler.data.StringCounter
 
StringEqualsAdapter - Class in org.nd4j.imports.descriptors.properties.adapters
Comparison for whether a string equals a target string returning a boolean
StringEqualsAdapter() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.StringEqualsAdapter
 
StringNotEqualsAdapter - Class in org.nd4j.imports.descriptors.properties.adapters
Comparison for whether a string not equals a target string returning a boolean
StringNotEqualsAdapter() - Constructor for class org.nd4j.imports.descriptors.properties.adapters.StringNotEqualsAdapter
 
STRINGS_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
STRINGS_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
STRINGS_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
STRINGS = 8;
STRINGS_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
STRINGS = 8;
STRINGULAR - Static variable in class org.nd4j.graph.InputType
 
STRINGULAR_SET - Static variable in class org.nd4j.graph.InputType
 
stripOnes(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Reshapes an ndarray to remove leading 1s
STRIPPED_DEFAULT_ATTRS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
STRIPPED_OP_LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
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(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sub(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sub(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
sub(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
Scalar subtraction: out = this - scalar
Output variable has the same shape as the input variable
sub(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
sub(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
Subtraction operation: elementwise this - x
If this and x variables have equal shape, the output shape is the same as the inputs.
Supports broadcasting: if this and x have different shapes and are broadcastable, the output shape is broadcast.
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sub(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sub(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sub(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Broadcast subtraction op.
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.ndarray.BaseNDArray
 
subArray(long[], int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
subArray(long[], int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
subArray(long[], int[], int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
subArray(long[], int[], int[]) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
subBp(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SubBpOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp
Division backprop operation.
SubBpOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SubBpOp
 
SubBpOp(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SubBpOp
 
subColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
subColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
subColumnVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Subtraction of a column vector (copy)
SUBDIV_OFFSET_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
subgraph - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
Contains variables we *might* need to execute in process of getting outputs we want.
SubGraph - Class in org.nd4j.autodiff.samediff.transform
 
SubGraph() - Constructor for class org.nd4j.autodiff.samediff.transform.SubGraph
 
SubGraphPredicate - Class in org.nd4j.autodiff.samediff.transform
SubGraphPredicate defines a subgraph - a set of connected functions that are part of a SameDiff instance.
SubGraphPredicate(OpPredicate) - Constructor for class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
 
SubGraphProcessor - Interface in org.nd4j.autodiff.samediff.transform
SubGraphProcessor is used in GraphTransformUtil to define how a subgraph should be modified or replaced.
subi(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
subi(SDVariable, double) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
subi(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
subi(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
subi(String, double) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
subi(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
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(Number) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
subi(Number, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
subi(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
subi(INDArray, INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
subiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
subiColumnVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.ndarray.BaseNDArray
In place addition of a column vector
subiRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
subiRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
In place subtraction of a row vector
subList(int, int) - Method in class org.nd4j.list.NDArrayList
 
subModules() - Method in class org.nd4j.linalg.api.ops.BaseModule
 
subModules() - Method in interface org.nd4j.linalg.api.ops.Module
 
SubOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Subtraction operation
SubOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
SubOp(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
SubOp(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
subRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
In place addition of a column vector
subRowVector(INDArray) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
subRowVector(INDArray) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Subtraction of a row vector (copy)
SufficientStatistics - Class in org.nd4j.linalg.api.ops.impl.reduce
Sufficient statistics: returns 3 or 4 output arrays: If shift is not provided: count, sum of elements, sum of squares If shift is provided: count, sum of elements, sum of squares, shift
SufficientStatistics() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.SufficientStatistics
 
SufficientStatistics(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.SufficientStatistics
 
sum(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
sum(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Sum array reduction operation, optionally along specified dimensions
sum(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Sum array reduction operation, optionally along specified dimensions
sum(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Sum array reduction operation, optionally along specified dimensions.
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
sum(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
sum(int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
sum(boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
sum(String, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
sum(String, boolean, int...) - Method in class org.nd4j.autodiff.samediff.SDVariable
Sum array reduction operation, optionally along specified dimensions.
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
sum(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Returns the sum along the specified dimension(s) of this ndarray
sum(boolean, 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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sum(boolean, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sum(INDArray, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
sum(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the sum along the last dimension of this ndarray
sum(boolean, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
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.reduce.same
Sum the components
Sum(SameDiff, SDVariable, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
Sum(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
Sum() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
Sum(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
Sum(INDArray, INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
Sum(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
sum(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
 
sum(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
SUM_FIELD_NUMBER - Static variable in class org.tensorflow.framework.HistogramProto
 
SUM_SQUARES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.HistogramProto
 
sumBp(SDVariable, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SumBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for Sum reduction operation
SumBp(SameDiff, SDVariable, SDVariable, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.SumBp
 
SumBp(INDArray, INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.SumBp
 
SumBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.SumBp
 
summary() - Method in class org.nd4j.autodiff.samediff.SameDiff
Generate and return a String representation of the current SameDiff instance
Reports variables, ops, SameDiff function instances, and (where possible) array shapes.
For ops, the input and output variables are reported.
For variables, the ops that they are inputs to - or outputs of - are also reported
Summary - Class in org.tensorflow.framework
A Summary is a set of named values to be displayed by the visualizer.
Summary.Audio - Class in org.tensorflow.framework
Protobuf type tensorflow.Summary.Audio
Summary.Audio.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.Summary.Audio
Summary.AudioOrBuilder - Interface in org.tensorflow.framework
 
Summary.Builder - Class in org.tensorflow.framework
A Summary is a set of named values to be displayed by the visualizer.
Summary.Image - Class in org.tensorflow.framework
Protobuf type tensorflow.Summary.Image
Summary.Image.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.Summary.Image
Summary.ImageOrBuilder - Interface in org.tensorflow.framework
 
Summary.Value - Class in org.tensorflow.framework
Protobuf type tensorflow.Summary.Value
Summary.Value.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.Summary.Value
Summary.Value.ValueCase - Enum in org.tensorflow.framework
 
Summary.ValueOrBuilder - Interface in org.tensorflow.framework
 
SUMMARY_DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SummaryMetadata
 
SUMMARY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
SUMMARY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef
 
SUMMARY_STATISTICS - Static variable in class org.nd4j.graph.UIEventType
 
SummaryDescription - Class in org.tensorflow.framework
Metadata associated with a series of Summary data
SummaryDescription.Builder - Class in org.tensorflow.framework
Metadata associated with a series of Summary data
SummaryDescriptionOrBuilder - Interface in org.tensorflow.framework
 
SummaryMetadata - Class in org.tensorflow.framework
A SummaryMetadata encapsulates information on which plugins are able to make use of a certain summary value.
SummaryMetadata.Builder - Class in org.tensorflow.framework
A SummaryMetadata encapsulates information on which plugins are able to make use of a certain summary value.
SummaryMetadata.PluginData - Class in org.tensorflow.framework
Protobuf type tensorflow.SummaryMetadata.PluginData
SummaryMetadata.PluginData.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.SummaryMetadata.PluginData
SummaryMetadata.PluginDataOrBuilder - Interface in org.tensorflow.framework
 
SummaryMetadataOrBuilder - Interface in org.tensorflow.framework
 
SummaryOrBuilder - Interface in org.tensorflow.framework
 
SummaryProtos - Class in org.tensorflow.framework
 
SUMMARYSTATS - Static variable in class org.nd4j.graph.OpType
 
sumNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
sumNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
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?
Svd - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
SVD - singular value decomposition
Svd() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
Svd(SameDiff, SDVariable, boolean, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
Svd(SameDiff, SDVariable, boolean, boolean, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
swap(INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLevel1
swaps a vector with another vector.
swap(INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel1
 
swap(INDArray, INDArray) - Method in interface org.nd4j.linalg.api.blas.Level1
swaps a vector with another vector.
swap(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
swap(INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
swap(INDArray, INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
Compute x <-> y (swap two matrices)
SWAP_MEMORY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
swapAxes(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Mainly here for people coming from numpy.
swapAxes(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
swapAxes(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Mainly here for people coming from numpy.
SWAPPING_HEURISTICS_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.MemOptType
Swapping heuristic will move a tensor from the GPU to the CPU and move it back when needed to reduce peak memory usage.
swish(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
swish(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise "swish" function: out = x * sigmoid(b*x) with b=1.0
See: https://arxiv.org/abs/1710.05941
swish(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
Element-wise "swish" function: out = x * sigmoid(b*x) with b=1.0
See: https://arxiv.org/abs/1710.05941
Swish - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Swish function
Swish(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
Swish() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
Swish(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
Swish(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
swishDerivative(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
SwishDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Swish derivative
SwishDerivative(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
SwishDerivative(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
SwishDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
SwishDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
SwishDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
SwishDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
Switch - Class in org.nd4j.linalg.api.ops.impl.controlflow.compat
Switch op forwards input to one of two outputs based on the value of a predicate
Switch(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
Switch() - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
switchOp(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
syev(char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.BaseLapack
 
syev(char, char, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLapack
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
syevr(char, char, char, INDArray, float, float, int, int, float, INDArray, INDArray, int[]) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
syevr(char, char, char, INDArray, float, float, int, int, Number, INDArray, INDArray, int[]) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
syevx(char, char, char, INDArray, float, float, int, int, float, INDArray, INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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 class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
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, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
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'.
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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, double, INDArray, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
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'.
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, double, INDArray, double, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
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'.
sysv(char, INDArray, int[], INDArray) - Method in class org.nd4j.linalg.factory.BaseBlasWrapper
 
sysv(char, INDArray, int[], INDArray) - Method in class org.nd4j.linalg.factory.BaseSparseBlasWrapper
 
sysv(char, INDArray, int[], INDArray) - Method in interface org.nd4j.linalg.factory.BlasWrapper
 
SYTEM_INFO - Static variable in class org.nd4j.graph.UIInfoType
 

T

t - Variable in class org.nd4j.linalg.util.AtomicThrowable
 
T_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
T_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
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
TADManager - Interface in org.nd4j.linalg.cache
This interface describes TAD caching.
TAG_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
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
 
TAGS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
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(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
tan(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise tangent operation: out = tan(x)
tan(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise tangent operation: out = tan(x)
Tan - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Tanh elementwise function
Tan(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
Tan() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
Tan(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
Tan(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
tan(INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Element-wise tan function.
tan(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
Element-wise tan function.
TanDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Tan Derivative elementwise function
TanDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
TanDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
TanDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
tanh(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
tanh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise tanh (hyperbolic tangent) operation: out = tanh(x)
tanh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Elementwise tanh (hyperbolic tangent) operation: out = tanh(x)
tanh(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
tanh(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDNN
 
Tanh - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Tanh elementwise function
Tanh(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
Tanh() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
Tanh(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
Tanh(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.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
tanhDerivative(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
TanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.gradient
 
TanhDerivative(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
TanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
TanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
TanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
TanhDerivative - Class in org.nd4j.linalg.api.ops.impl.transforms.strict
Tanh derivative
TanhDerivative(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
TanhDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
TanhDerivative(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
TanhDerivative(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
tanhRational(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
tanhRationalDerivative(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
tanhRectified(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
tanhRectifiedDerivative(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
TARGET_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CreateSessionRequest
 
TARGET_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.PartialRunSetupRequest
 
TARGET_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepRequest
 
TARGET_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CallableOptions
 
targetBoolean - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
targetBoolean - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
targetDevice() - Method in class org.nd4j.linalg.memory.abstracts.DummyWorkspace
 
targetShape(INDArray, double) - Static method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
Compute the target shape of a suitable projection matrix
targetShape(INDArray, int) - Static method in class org.nd4j.linalg.dimensionalityreduction.RandomProjection
Compute the target shape of a suitable projection matrix
targetVariable() - Method in interface org.nd4j.linalg.env.EnvironmentalAction
This method returns target environemt variable for this action
targetVariable() - Method in class org.nd4j.linalg.env.impl.DebugAction
 
targetVariable() - Method in class org.nd4j.linalg.env.impl.FallbackAction
 
targetVariable() - Method in class org.nd4j.linalg.env.impl.NDArrayUnpackAction
 
targetVariable() - Method in class org.nd4j.linalg.env.impl.OmpNumThreadsAction
 
targetVariable() - Method in class org.nd4j.linalg.env.impl.VerboseAction
 
targetVariable() - Method in class org.nd4j.linalg.env.impl.WorkspacesBypassAction
 
targetVariable() - Method in class org.nd4j.linalg.env.impl.WorkspacesDebugAction
 
targetVariable() - Method in class org.nd4j.linalg.env.impl.WorkspacesSpillAction
 
tArgs() - Method in class org.nd4j.linalg.api.ops.custom.ScatterUpdate
 
tArgs() - Method in interface org.nd4j.linalg.api.ops.CustomOp
 
tArgs() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
tArgs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
tArgs() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
tArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMBlockCellConfiguration
 
tArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMCellConfiguration
 
tArgs() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMConfiguration
 
tArguments - Variable in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
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
 
TASK_INDEX_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.ServerDef
 
TASK_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteGroupResponse
 
TASKS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.JobDef
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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
 
TEMP_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryStats
 
tempFile - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
TEMPORARY_MEMORY_SIZE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CostGraphDef.Node
 
TENSOR_CONNECTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CallableOptions
 
TENSOR_CONTENT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
TENSOR_CONTENT_FIELD_NUMBER - Static variable in class tensorflow.TransportOptions.RecvBufRespExtra
 
TENSOR_DESCRIPTION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeOutput
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorResponse
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RunStepResponse
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorAllocation
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MemoryLogTensorOutput
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NamedTensorProto
 
TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Value
 
TENSOR_INFO_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AssetFileDef
 
TENSOR_SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorInfo
 
TENSOR_SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
TENSOR_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto
 
TENSOR_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TypeProto
 
TENSOR_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
TENSOR = 4;
TENSOR_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
TENSOR = 4;
tensorAlongDimension(long, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
tensorAlongDimension(long, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
tensorAlongDimension(long, int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the vector along a particular dimension
tensorArray(DataType) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
TensorArray - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArray(String, SameDiff, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
TensorArray(SameDiff, DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
TensorArray(TensorArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
TensorArray(TensorArray, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
TensorArray() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
TensorArray(DataType) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
TensorArrayConcat - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArrayConcat(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
TensorArrayConcat(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
TensorArrayConcat() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
tensorArrayDataType - Variable in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
TensorArrayGather - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArrayGather(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
TensorArrayGather(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
TensorArrayGather() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
TensorArrayRead - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArrayRead(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
TensorArrayRead(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
TensorArrayRead() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
tensorArrays - Variable in class org.nd4j.autodiff.samediff.internal.AbstractSession
 
TensorArrayScatter - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArrayScatter(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
TensorArrayScatter(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
TensorArrayScatter() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
TensorArraySize - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArraySize() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
TensorArraySplit - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArraySplit(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
TensorArraySplit(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
TensorArraySplit() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
TensorArrayWrite - Class in org.nd4j.linalg.api.ops.impl.shape.tensorops
 
TensorArrayWrite(String, SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayWrite
 
TensorArrayWrite(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayWrite
 
TensorArrayWrite() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayWrite
 
TensorBundleProtos - Class in org.tensorflow.util
 
TensorConnection - Class in org.tensorflow.framework
Defines a connection between two tensors in a `GraphDef`.
TensorConnection.Builder - Class in org.tensorflow.framework
Defines a connection between two tensors in a `GraphDef`.
TensorConnectionOrBuilder - Interface in org.tensorflow.framework
 
TensorDescription - Class in org.tensorflow.framework
Protobuf type tensorflow.TensorDescription
TensorDescription.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.TensorDescription
TensorDescriptionOrBuilder - Interface in org.tensorflow.framework
 
TensorDescriptionProtos - Class in org.tensorflow.framework
 
TensorDescriptor - Class in org.nd4j.imports.descriptors.onnx
 
TensorDescriptor() - Constructor for class org.nd4j.imports.descriptors.onnx.TensorDescriptor
 
tensorflow - package tensorflow
 
tensorflow.eager - package tensorflow.eager
 
TENSORFLOW_GIT_VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
TENSORFLOW_VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
TensorflowDescriptorParser - Class in org.nd4j.imports.descriptors.tensorflow
 
TensorflowDescriptorParser() - Constructor for class org.nd4j.imports.descriptors.tensorflow.TensorflowDescriptorParser
 
TensorFlowImportValidator - Class in org.nd4j.imports.tensorflow
A simple utility that analyzes TensorFlow graphs and reports details about the models: - The path of the model file(s) - The path of the model(s) that can't be imported due to missing ops - The path of model files that couldn't be read for some reason (corrupt file?) - The total number of ops in all graphs - The number of unique ops in all graphs - The (unique) names of all ops encountered in all graphs - The (unique) names of all ops that were encountered, and can be imported, in all graphs - The (unique) names of all ops that were encountered, and can NOT be imported (lacking import mapping) Note that an op is considered to be importable if has an import mapping specified for that op name in SameDiff.
TensorFlowImportValidator() - Constructor for class org.nd4j.imports.tensorflow.TensorFlowImportValidator
 
tensorflowName() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The opName of this function tensorflow
tensorflowName() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.DefaultOpConverter
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.DynamicCustomOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAddGrad
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastEqualTo
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastGreaterThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastLessThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.bool.BroadcastNotEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAddOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastAMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastCopyOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastGradientArgs
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastMulOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastRSubOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastSubOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BroadcastTo
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Enter
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Exit
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.LoopCond
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Merge
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.NextIteration
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.StopGradient
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.compat.Switch
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.Select
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.Where
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.grid.BaseGridOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.image.ExtractImagePatches
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeBilinear
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.image.ResizeNearestNeighbor
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.custom.ArgMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.FirstIndex
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IAMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.IMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.indexaccum.LastIndex
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling3D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNorm
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.BatchNormDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv2DTF
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DeConv3DDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthwiseConv2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3DDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D
Deprecated.
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalization
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.LocalResponseNormalizationDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.MaxPooling3D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2DDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling3D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.Linear
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.GRUCell
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMBlockCell
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMCell
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.LSTMLayer
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRU
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.SRUCell
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.loss.L2Loss
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SigmoidCrossEntropyLoss
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyLoss
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SoftmaxCrossEntropyWithLogitsLoss
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.loss.SparseSoftmaxCrossEntropyLossWithLogits
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.loss.WeightedCrossEntropyLoss
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.All
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.Any
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsInf
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.bool.IsNaN
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.custom.LogSumExp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.AMean
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Bias
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Entropy
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.LogEntropy
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Mean
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm1
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.Norm2
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.NormMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.ShannonEntropy
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.floating.SquaredNorm
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountNonZero
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.CountZero
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.longer.MatchCondition
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.Moments
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.NormalizeMoments
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.AMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.ASum
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Max
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Min
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Prod
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.same.Sum
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce.ZeroFraction
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.BaseReduce3Op
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.CosineDistance
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.reduce3.JaccardDistance
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarAnd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEps
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarEquals
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarGreaterThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarLessThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNot
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarNotEquals
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarOr
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarSetValue
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.comparison.ScalarXor
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LeakyReLU
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.LogX
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Pow
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.PowDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.RectifiedLinear
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Relu6
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ReplaceNans
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarAdd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarDivision
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarFMod
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarMultiplication
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarRemainder
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseDivision
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarReverseSubtraction
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSet
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.ScalarSubtraction
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scalar.Step
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterAdd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterDiv
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterMul
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdAdd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdSub
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterNdUpdate
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterSub
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ApplyGradientDescent
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.bp.ConcatBp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Broadcast
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.BroadcastDynamicShape
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ConfusionMatrix
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Cross
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Diag
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.DiagPart
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ExpandDims
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Eye
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Linspace
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeAvg
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.MergeSum
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.OneHot
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.OnesLike
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ParallelStack
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Permute
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Rank
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Repeat
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Reshape
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.SequenceMask
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Shape
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ShapeN
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Size
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Slice
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Split
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.SplitV
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Squeeze
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.StridedSlice
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayRead
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySize
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayWrite
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Tile
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.StandardDeviation
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Angle
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.Assign
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.any.IsMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Assert
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.BinCount
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.BooleanNot
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsFinite
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsInf
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.IsNaN
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.bool.MatchConditionTransform
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Cholesky
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndReplace
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.CompareAndSet
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.Eps
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldEqualTo
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldGreaterThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldLessThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.comparison.OldNotEqualTo
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Constant
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Assign
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ATan2
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.BatchToSpace
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumProd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.CumSum
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Dilation2D
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicPartition
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.EqualTo
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Fill
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.GreaterThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InTopK
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.InvertPermutation
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNonDecreasing
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsNumericTensor
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.IsStrictlyIncreasing
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNorm
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LayerNormBp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LessThanOrEqual
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ListDiff
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalAnd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalNot
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalOr
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogicalXor
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogMatrixDeterminant
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.LogSoftMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Max
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Min
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MirrorPad
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.NotEqualTo
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ParallelConcat
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Pow
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Reverse
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseSequence
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.ReverseV2
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMean
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentProd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.segment.SegmentSum
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SoftMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.SpaceToBatch
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Svd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.TopK
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.XwPlusB
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Zeta
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.dtype.Cast
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Histogram
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.RSqrt
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.floating.Sqrt
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.CubeDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.ELUDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.GradientBackwardsMarker
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardSigmoidDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.HardTanhDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LeakyReLUDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.LogSoftMaxDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RationalTanhDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.RectifiedTanhDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.Relu6Derivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SELUDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SigmoidDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.SoftSignDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.gradient.TanhDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.HistogramFixedWidth
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.IdentityN
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.NthElement
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.Axpy
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.bp.SquaredDifferenceBpOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.CopyOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.DivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FloorModOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.FModOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MulOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAddOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldAtan2Op
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFloorDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldFModOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldMulOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldRDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.OldSubOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.PowPairwise
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RealDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RemainderOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.RSubOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SquaredDifferenceOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.SubOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryMinimalRelativeError
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.BinaryRelativeError
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.And
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Not
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Or
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.RelativeError
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.Set
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.ReluLayer
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Abs
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.AMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Ceil
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Cube
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Floor
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Max
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Min
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Negative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldIdentity
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OldReverse
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.OneMinus
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Round
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Sign
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Square
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMean
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentProd
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSqrtN
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSum
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACos
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ACosh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ASinh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ATanh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cos
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Cosh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.ELU
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erf
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Erfc
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Exp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Expm1
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELU
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.GELUDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardSigmoid
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.HardTanh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Log1p
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.LogSigmoid
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldLogSoftMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.OldSoftMax
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELU
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.PreciseGELUDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RationalTanh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.RectifiedTanh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Rint
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SELU
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SetRange
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sigmoid
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SigmoidDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sin
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Sinh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftMaxDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftPlus
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SoftSign
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Stabilize
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Swish
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.SwishDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tan
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.Tanh
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.impl.transforms.strict.TanhDerivative
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.NoOp
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.persistence.RestoreV2
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.persistence.SaveV2
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.compat.RandomStandardNormal
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.custom.DistributionUniform
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.custom.RandomNormal
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.AlphaDropOut
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.BernoulliDistribution
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistribution
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.BinomialDistributionEx
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.Choice
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOut
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.DropOutInverted
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.GaussianDistribution
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.Linspace
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.LogNormalDistribution
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.ProbablisticMerge
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.Range
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
tensorflowName() - Method in class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
tensorflowNames() - Method in class org.nd4j.autodiff.functions.DifferentialFunction
The opName of this function tensorflow
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.broadcast.BiasAdd
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.image.NonMaxSuppression
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv1D
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2D
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv2DDerivative
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.Conv3DDerivative
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.DepthToSpace
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.FullConv3DDerivative
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2D
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SConv2DDerivative
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.SpaceToDepth
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.shape.Concat
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.shape.Gather
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.shape.GatherNd
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.DynamicStitch
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDeterminant
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiag
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixDiagPart
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixInverse
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.MatrixSetDiag
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.Pad
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.AddOp
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.MergeAddOp
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Identity
 
tensorflowNames() - Method in class org.nd4j.linalg.api.ops.impl.transforms.same.Reciprocal
 
TensorInfo - Class in org.tensorflow.framework
Information about a Tensor necessary for feeding or retrieval.
TensorInfo.Builder - Class in org.tensorflow.framework
Information about a Tensor necessary for feeding or retrieval.
TensorInfo.CooSparse - Class in org.tensorflow.framework
For sparse tensors, The COO encoding stores a triple of values, indices, and shape.
TensorInfo.CooSparse.Builder - Class in org.tensorflow.framework
For sparse tensors, The COO encoding stores a triple of values, indices, and shape.
TensorInfo.CooSparseOrBuilder - Interface in org.tensorflow.framework
 
TensorInfo.EncodingCase - Enum in org.tensorflow.framework
 
TensorInfoOrBuilder - Interface in org.tensorflow.framework
 
tensorMmul(SDVariable, SDVariable, int[][]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
tensorMmul(SDVariable, SDVariable, int[][]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
tensorMmul(String, SDVariable, SDVariable, int[][]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
TensorMmul - Class in org.nd4j.linalg.api.ops.impl.reduce
TensorMmul
TensorMmul(SameDiff, SDVariable, SDVariable, int[][]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
TensorMmul(SameDiff, SDVariable, SDVariable, int[][], MMulTranspose) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
TensorMmul(INDArray, INDArray, int[][]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.TensorMmul
 
TensorMmul(INDArray, INDArray, INDArray, int[][]) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.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.
TensorProto - Class in org.tensorflow.framework
Protocol buffer representing a tensor.
TensorProto.Builder - Class in org.tensorflow.framework
Protocol buffer representing a tensor.
TensorProtoOrBuilder - Interface in org.tensorflow.framework
 
TensorProtos - Class in org.tensorflow.framework
 
TENSORS_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
TENSORS_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
TENSORS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariantTensorDataProto
 
TENSORS_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
TENSORS = 9;
TENSORS_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
TENSORS = 9;
tensorsAlongDimension(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
tensorsAlongDimension(int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
tensorsAlongDimension(int...) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the number of possible vectors for a given dimension
TensorShapeProto - Class in org.tensorflow.framework
Dimensions of a tensor.
TensorShapeProto.Builder - Class in org.tensorflow.framework
Dimensions of a tensor.
TensorShapeProto.Dim - Class in org.tensorflow.framework
One dimension of the tensor.
TensorShapeProto.Dim.Builder - Class in org.tensorflow.framework
One dimension of the tensor.
TensorShapeProto.DimOrBuilder - Interface in org.tensorflow.framework
 
TensorShapeProtoOrBuilder - Interface in org.tensorflow.framework
 
TensorShapeProtos - Class in org.tensorflow.framework
 
TensorSliceProto - Class in org.tensorflow.framework
Can only be interpreted if you know the corresponding TensorShape.
TensorSliceProto.Builder - Class in org.tensorflow.framework
Can only be interpreted if you know the corresponding TensorShape.
TensorSliceProto.Extent - Class in org.tensorflow.framework
Extent of the slice in one dimension.
TensorSliceProto.Extent.Builder - Class in org.tensorflow.framework
Extent of the slice in one dimension.
TensorSliceProto.Extent.HasLengthCase - Enum in org.tensorflow.framework
 
TensorSliceProto.ExtentOrBuilder - Interface in org.tensorflow.framework
 
TensorSliceProtoOrBuilder - Interface in org.tensorflow.framework
 
TensorSliceProtos - Class in org.tensorflow.framework
 
tensorsPerSlice(INDArray, int[]) - Static method in class org.nd4j.linalg.util.NDArrayMath
Computes the tensors per slice given a tensor shape and array
test - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
TestCase - Class in org.nd4j.autodiff.validation
TestCase: Validate a SameDiff instance.
TestCase(SameDiff) - Constructor for class org.nd4j.autodiff.validation.TestCase
 
TestCase.TestSerialization - Enum in org.nd4j.autodiff.validation
 
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.
testNameErrMsg() - Method in class org.nd4j.autodiff.validation.TestCase
 
TFGraphMapper - Class in org.nd4j.imports.graphmapper.tf
Map tensorflow graph protos to the intermediate representation for samediff.
TFImportOverride - Interface in org.nd4j.imports.tensorflow
 
TFImportStatus - Class in org.nd4j.imports.tensorflow
 
TFImportStatus() - Constructor for class org.nd4j.imports.tensorflow.TFImportStatus
 
TFOpImportFilter - Interface in org.nd4j.imports.tensorflow
 
third() - Method in class org.nd4j.graph.IntTriple
 
third() - Method in class org.nd4j.graph.LongTriple
 
THREAD_ID_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
threadId - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
ThreadPoolOptionProto - Class in org.tensorflow.framework
Protobuf type tensorflow.ThreadPoolOptionProto
ThreadPoolOptionProto.Builder - Class in org.tensorflow.framework
Protobuf type tensorflow.ThreadPoolOptionProto
ThreadPoolOptionProtoOrBuilder - Interface in org.tensorflow.framework
 
THRESHOLD_MEMORY_ALLOCATION - Static variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(SDVariable, int[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
tile(SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
tile(String, SDVariable, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Repeat (tile) the input tensor the specified number of times.
For example, if input is
[1, 2]
[3, 4]
and repeat is [2, 3]
then output is
[1, 2, 1, 2, 1, 2]
[3, 4, 3, 4, 3, 4]
[1, 2, 1, 2, 1, 2]
[3, 4, 3, 4, 3, 4]

Tile - Class in org.nd4j.linalg.api.ops.impl.shape
Tile function
Tile(SameDiff, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Tile
 
Tile(INDArray[], INDArray[], int[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Tile
 
Tile(INDArray[], INDArray[], int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Tile
 
Tile() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Tile
 
tile(INDArray, int...) - Static method in class org.nd4j.linalg.factory.Nd4j
An alias for repmat
tileBp(SDVariable, SDVariable, int[]) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
TileBp - Class in org.nd4j.linalg.api.ops.impl.shape.bp
Tile backprop function
TileBp(SameDiff, SDVariable, SDVariable, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.TileBp
 
TileBp() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.bp.TileBp
 
timeBlasCall() - Method in class org.nd4j.linalg.profiler.OpProfiler
 
TIMELINE_LABEL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.NodeExecStats
 
TIMELINE_STEP_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphOptions
 
timeOpCall(Op, long) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
timeOpCall(CustomOp, long) - Method in class org.nd4j.linalg.profiler.OpProfiler
 
TIMEOUT_IN_MS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions
 
times(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
For Kotlin operator interop
times(double) - Method in class org.nd4j.autodiff.samediff.SDVariable
For Kotlin operator interop
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.same
If x is input: output is x*(1-x)
TimesOneMinus(SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
TimesOneMinus() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
TimesOneMinus(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
TimesOneMinus(INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.same.TimesOneMinus
 
timesOneMinus(INDArray, boolean) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
out = in * (1-in)
timestamp() - Method in class org.nd4j.graph.UIEvent
 
timestats() - Method in class org.nd4j.graph.FlatConfiguration
 
timing(int) - Method in class org.nd4j.graph.FlatResult
 
timing(FlatTiming, int) - Method in class org.nd4j.graph.FlatResult
 
timing() - Method in class org.nd4j.graph.FlatTiming
 
timing(LongPair) - Method in class org.nd4j.graph.FlatTiming
 
timingLength() - Method in class org.nd4j.graph.FlatResult
 
TO_TENSOR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorConnection
 
toArray() - Method in class org.nd4j.list.BaseNDArrayList
 
toArray(T[]) - Method in class org.nd4j.list.BaseNDArrayList
 
toArray() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
toArray(T[]) - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
toArray() - Method in class org.nd4j.list.NDArrayList
 
toArray(T[]) - Method in class org.nd4j.list.NDArrayList
 
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
toBuilder() - Method in class onnx.OnnxMlProto3.AttributeProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.GraphProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.ModelProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.NodeProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
toBuilder() - Method in class onnx.OnnxMlProto3.TensorProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
toBuilder() - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
toBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
toBuilder() - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
toBuilder() - Method in class onnx.OnnxMlProto3.TypeProto
 
toBuilder() - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
toBuilder() - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
toBuilder() - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
toBuilder() - Method in class onnx.OnnxProto3.AttributeProto
 
toBuilder() - Method in class onnx.OnnxProto3.GraphProto
 
toBuilder() - Method in class onnx.OnnxProto3.ModelProto
 
toBuilder() - Method in class onnx.OnnxProto3.NodeProto
 
toBuilder() - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
toBuilder() - Method in class onnx.OnnxProto3.StringStringEntryProto
 
toBuilder() - Method in class onnx.OnnxProto3.TensorProto.Segment
 
toBuilder() - Method in class onnx.OnnxProto3.TensorProto
 
toBuilder() - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
toBuilder() - Method in class onnx.OnnxProto3.TensorShapeProto
 
toBuilder() - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
toBuilder() - Method in class onnx.OnnxProto3.TypeProto
 
toBuilder() - Method in class onnx.OnnxProto3.ValueInfoProto
 
toBuilder() - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.ClusterDef
 
toBuilder() - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.ExecutorOpts
 
toBuilder() - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.GetStatusRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.GetStatusResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.JobDef
 
toBuilder() - Method in class org.tensorflow.distruntime.LabeledStepStats
 
toBuilder() - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.LoggingRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.LoggingResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.RecvBufRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.RecvBufResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.ResetRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.ResetResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.RunCallableRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.RunCallableResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.RunGraphRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.RunGraphResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.RunStepRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.RunStepResponse
 
toBuilder() - Method in class org.tensorflow.distruntime.ServerDef
 
toBuilder() - Method in class org.tensorflow.distruntime.StepSequence
 
toBuilder() - Method in class org.tensorflow.distruntime.TraceOpts
 
toBuilder() - Method in class org.tensorflow.distruntime.TracingRequest
 
toBuilder() - Method in class org.tensorflow.distruntime.TracingResponse
 
toBuilder() - Method in class org.tensorflow.framework.AllocationDescription
 
toBuilder() - Method in class org.tensorflow.framework.AllocationRecord
 
toBuilder() - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
toBuilder() - Method in class org.tensorflow.framework.ApiDef.Arg
 
toBuilder() - Method in class org.tensorflow.framework.ApiDef.Attr
 
toBuilder() - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
toBuilder() - Method in class org.tensorflow.framework.ApiDef
 
toBuilder() - Method in class org.tensorflow.framework.ApiDefs
 
toBuilder() - Method in class org.tensorflow.framework.AssetFileDef
 
toBuilder() - Method in class org.tensorflow.framework.AttrValue.ListValue
 
toBuilder() - Method in class org.tensorflow.framework.AttrValue
 
toBuilder() - Method in class org.tensorflow.framework.AutoParallelOptions
 
toBuilder() - Method in class org.tensorflow.framework.CallableOptions
 
toBuilder() - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
toBuilder() - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
toBuilder() - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
toBuilder() - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
toBuilder() - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
toBuilder() - Method in class org.tensorflow.framework.CollectionDef
 
toBuilder() - Method in class org.tensorflow.framework.CondContextDef
 
toBuilder() - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
toBuilder() - Method in class org.tensorflow.framework.ConfigProto
 
toBuilder() - Method in class org.tensorflow.framework.ControlFlowContextDef
 
toBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
toBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
toBuilder() - Method in class org.tensorflow.framework.CostGraphDef.Node
 
toBuilder() - Method in class org.tensorflow.framework.CostGraphDef
 
toBuilder() - Method in class org.tensorflow.framework.CriticalSectionDef
 
toBuilder() - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
toBuilder() - Method in class org.tensorflow.framework.DebuggedSourceFile
 
toBuilder() - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
toBuilder() - Method in class org.tensorflow.framework.DebugOptions
 
toBuilder() - Method in class org.tensorflow.framework.DebugTensorWatch
 
toBuilder() - Method in class org.tensorflow.framework.DeviceAttributes
 
toBuilder() - Method in class org.tensorflow.framework.DeviceLocality
 
toBuilder() - Method in class org.tensorflow.framework.DeviceStepStats
 
toBuilder() - Method in class org.tensorflow.framework.FunctionDef
 
toBuilder() - Method in class org.tensorflow.framework.FunctionDefLibrary
 
toBuilder() - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
toBuilder() - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
toBuilder() - Method in class org.tensorflow.framework.GPUOptions
 
toBuilder() - Method in class org.tensorflow.framework.GradientDef
 
toBuilder() - Method in class org.tensorflow.framework.GraphDef
 
toBuilder() - Method in class org.tensorflow.framework.GraphOptions
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferInfo
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
toBuilder() - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
toBuilder() - Method in class org.tensorflow.framework.HistogramProto
 
toBuilder() - Method in class org.tensorflow.framework.InterconnectLink
 
toBuilder() - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
toBuilder() - Method in class org.tensorflow.framework.KernelDef
 
toBuilder() - Method in class org.tensorflow.framework.LocalLinks
 
toBuilder() - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
toBuilder() - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
toBuilder() - Method in class org.tensorflow.framework.MemoryLogStep
 
toBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
toBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
toBuilder() - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
toBuilder() - Method in class org.tensorflow.framework.MemoryStats
 
toBuilder() - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
toBuilder() - Method in class org.tensorflow.framework.MetaGraphDef
 
toBuilder() - Method in class org.tensorflow.framework.NameAttrList
 
toBuilder() - Method in class org.tensorflow.framework.NamedTensorProto
 
toBuilder() - Method in class org.tensorflow.framework.NodeDef
 
toBuilder() - Method in class org.tensorflow.framework.NodeExecStats
 
toBuilder() - Method in class org.tensorflow.framework.NodeOutput
 
toBuilder() - Method in class org.tensorflow.framework.OpDef.ArgDef
 
toBuilder() - Method in class org.tensorflow.framework.OpDef.AttrDef
 
toBuilder() - Method in class org.tensorflow.framework.OpDef
 
toBuilder() - Method in class org.tensorflow.framework.OpDeprecation
 
toBuilder() - Method in class org.tensorflow.framework.OpList
 
toBuilder() - Method in class org.tensorflow.framework.OptimizerOptions
 
toBuilder() - Method in class org.tensorflow.framework.QueueRunnerDef
 
toBuilder() - Method in class org.tensorflow.framework.ReaderBaseState
 
toBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
toBuilder() - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
toBuilder() - Method in class org.tensorflow.framework.ResourceHandleProto
 
toBuilder() - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
toBuilder() - Method in class org.tensorflow.framework.RewriterConfig
 
toBuilder() - Method in class org.tensorflow.framework.RPCOptions
 
toBuilder() - Method in class org.tensorflow.framework.RunMetadata
 
toBuilder() - Method in class org.tensorflow.framework.RunOptions.Experimental
 
toBuilder() - Method in class org.tensorflow.framework.RunOptions
 
toBuilder() - Method in class org.tensorflow.framework.SavedModel
 
toBuilder() - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
toBuilder() - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
toBuilder() - Method in class org.tensorflow.framework.SignatureDef
 
toBuilder() - Method in class org.tensorflow.framework.StepStats
 
toBuilder() - Method in class org.tensorflow.framework.Summary.Audio
 
toBuilder() - Method in class org.tensorflow.framework.Summary.Image
 
toBuilder() - Method in class org.tensorflow.framework.Summary
 
toBuilder() - Method in class org.tensorflow.framework.Summary.Value
 
toBuilder() - Method in class org.tensorflow.framework.SummaryDescription
 
toBuilder() - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
toBuilder() - Method in class org.tensorflow.framework.SummaryMetadata
 
toBuilder() - Method in class org.tensorflow.framework.TensorConnection
 
toBuilder() - Method in class org.tensorflow.framework.TensorDescription
 
toBuilder() - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
toBuilder() - Method in class org.tensorflow.framework.TensorInfo
 
toBuilder() - Method in class org.tensorflow.framework.TensorProto
 
toBuilder() - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
toBuilder() - Method in class org.tensorflow.framework.TensorShapeProto
 
toBuilder() - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
toBuilder() - Method in class org.tensorflow.framework.TensorSliceProto
 
toBuilder() - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
toBuilder() - Method in class org.tensorflow.framework.ValuesDef
 
toBuilder() - Method in class org.tensorflow.framework.VariableDef
 
toBuilder() - Method in class org.tensorflow.framework.VariantTensorDataProto
 
toBuilder() - Method in class org.tensorflow.framework.VersionDef
 
toBuilder() - Method in class org.tensorflow.framework.WhileContextDef
 
toBuilder() - Method in class org.tensorflow.util.BundleEntryProto
 
toBuilder() - Method in class org.tensorflow.util.BundleHeaderProto
 
toBuilder() - Method in class org.tensorflow.util.IteratorStateMetadata
 
toBuilder() - Method in class org.tensorflow.util.SaverDef
 
toBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
toBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
toBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
toBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
toBuilder() - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
toBuilder() - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
toBuilder() - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
toBuilder() - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
toBuilder() - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
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
 
toCSV() - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Outputs the ConfusionMatrix as comma-separated values for easy import into spreadsheets
toCustomOp() - Method in class org.nd4j.linalg.api.ops.BaseOp
 
toCustomOp() - Method in interface org.nd4j.linalg.api.ops.Op
Converts this op to be a CustomOp A CustomOp is a more flexible op meant for multiple inputs and outputs.
toDense() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toDense() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toDense() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Converts the sparse ndarray into a dense one
toDense() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
toDense() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Return a dense representation of the sparse ndarray
toDense() - Method in interface org.nd4j.linalg.api.ndarray.ISparseNDArray
Return a dense representation of the sparse ndarray
toDoubleMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toDoubleMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toDoubleMatrix() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Convert this ndarray to a 2d double matrix.
toDoubleVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toDoubleVector() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toDoubleVector() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Convert this ndarray to a 1d double matrix.
toFlatArray(FlatBufferBuilder) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toFlatArray(FlatBufferBuilder) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
toFlatArray(FlatBufferBuilder) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Add an INDArray to flatbuffers builder
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
toFloatMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toFloatMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toFloatMatrix() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Convert this ndarray to a 2d float matrix.
toFloatVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toFloatVector() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toFloatVector() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Convert this ndarray to a 1d float vector.
toFrameIter() - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession.VarId
 
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.
toHTML() - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
Outputs Confusion Matrix in an HTML table.
toIntMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toIntMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toIntMatrix() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Convert this ndarray to a 2d int matrix.
toInts(long[]) - Static method in class org.nd4j.linalg.util.LongUtils
 
toInts(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toIntVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toIntVector() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toIntVector() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Convert this ndarray to a 1d int matrix.
toJson() - Method in class org.nd4j.evaluation.BaseEvaluation
 
toJson() - Method in class org.nd4j.evaluation.curves.BaseCurve
 
toJson() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
toJson() - Method in interface org.nd4j.evaluation.IEvaluation
 
TOLERATE_DEBUG_OP_CREATION_FAILURES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.DebugTensorWatch
 
toLongMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toLongMatrix() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toLongMatrix() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Convert this ndarray to a 2d int matrix.
toLongs(int[]) - Static method in class org.nd4j.linalg.util.LongUtils
 
toLongs(INDArray) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toLongVector() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
toLongVector() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
toLongVector() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
toMmulCompatible(INDArray) - Static method in class org.nd4j.linalg.api.shape.Shape
This method is used in DL4J LSTM implementation
toMultiDataSet() - Method in interface org.nd4j.linalg.dataset.api.DataSet
 
toMultiDataSet() - Method in class org.nd4j.linalg.dataset.DataSet
 
toNDArray(int[][]) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toNDArray(int[]) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toNDArray(long[]) - Static method in class org.nd4j.linalg.util.NDArrayUtil
 
toNpyByteArray(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Converts an INDArray to a byte array
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[], long) - Static method in class org.nd4j.linalg.util.FeatureUtil
Creates an out come vector from the specified inputs
toOutcomeVector(long, long) - Static method in class org.nd4j.linalg.util.FeatureUtil
Creates an out come vector from the specified inputs
TopK - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Top K op
TopK() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.TopK
 
TopK(SameDiff, SDVariable, int, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.TopK
 
topN - Variable in class org.nd4j.evaluation.classification.Evaluation
 
topNAccuracy() - Method in class org.nd4j.evaluation.classification.Evaluation
Top N accuracy of the predictions so far.
topNCorrectCount - Variable in class org.nd4j.evaluation.classification.Evaluation
 
topNTotalCount - Variable in class org.nd4j.evaluation.classification.Evaluation
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv1DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv2DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Conv3DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv2DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.DeConv3DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.FullConv3DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.LocalResponseNormalizationConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Pooling2DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.convolution.config.Pooling3DConfig
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMBlockCellConfiguration
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMCellConfiguration
 
toProperties() - Method in class org.nd4j.linalg.api.ops.impl.layers.recurrent.config.LSTMConfiguration
 
toString() - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
toString() - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession.FrameIter
 
toString() - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession.VarId
 
toString() - Method in class org.nd4j.autodiff.samediff.SDVariable
 
toString() - Method in class org.nd4j.evaluation.BaseEvaluation
 
toString() - Method in class org.nd4j.evaluation.classification.ConfusionMatrix
 
toString() - Method in class org.nd4j.evaluation.meta.Prediction
 
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.ActivationGELU
 
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.ActivationPReLU
 
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.ActivationReLU6
 
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.ActivationSwish
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationTanH
 
toString() - Method in class org.nd4j.linalg.activations.impl.ActivationThresholdedReLU
 
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.DynamicCustomOp
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.shape.Stack
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.BaseTensorOp
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayConcat
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayGather
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArrayScatter
 
toString() - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArraySplit
 
toString() - Method in class org.nd4j.linalg.api.shape.LongShapeDescriptor
 
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.api.shape.SparseDescriptor
 
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.IntervalIndex
 
toString() - Method in class org.nd4j.linalg.indexing.NDArrayIndex
 
toString() - Method in class org.nd4j.linalg.indexing.NDArrayIndexAll
 
toString() - Method in class org.nd4j.linalg.indexing.NewAxis
 
toString() - Method in class org.nd4j.linalg.indexing.PointIndex
 
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.LossMultiLabel
 
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.lossfunctions.impl.LossWasserstein
 
toString() - Method in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
toString() - Method in class org.nd4j.linalg.profiler.data.primitives.StackDescriptor
 
toString() - Method in class org.nd4j.list.BaseNDArrayList
 
toString() - Method in class org.nd4j.list.matrix.MatrixBaseNDArrayList
 
toString() - Method in class org.nd4j.list.NDArrayList
 
TOTAL_BYTES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AllocatorMemoryUsed
 
totalCount(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the total number of values for the specified column, accounting for any masking
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)
totalOutcomes() - Method in class org.nd4j.linalg.dataset.adapter.SingletonDataSetIterator
 
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)
toVarType(VariableType) - Static method in class org.nd4j.autodiff.samediff.serde.FlatBuffersMapper
 
toYaml() - Method in class org.nd4j.evaluation.BaseEvaluation
 
toYaml() - Method in class org.nd4j.evaluation.curves.BaseCurve
 
toYaml() - Method in class org.nd4j.evaluation.curves.BaseHistogram
 
toYaml() - Method in interface org.nd4j.evaluation.IEvaluation
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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.
trace(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
trace(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
 
trace(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Matrix trace operation For rank 2 matrices, the output is a scalar vith the trace - i.e., sum of the main diagonal.
For higher rank inputs, output[a,b,c] = trace(in[a,b,c,:,:])
Trace - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Matrix trace operation
Trace(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Trace
 
Trace() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Trace
 
TRACE_LEVEL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RunOptions
 
TraceOpts - Class in org.tensorflow.distruntime
Protobuf type tensorflow.TraceOpts
TraceOpts.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.TraceOpts
TraceOptsOrBuilder - Interface in org.tensorflow.distruntime
 
TracingRequest - Class in org.tensorflow.distruntime
Out-of-band request to configure distributed tracing.
TracingRequest.Builder - Class in org.tensorflow.distruntime
Out-of-band request to configure distributed tracing.
TracingRequestOrBuilder - Interface in org.tensorflow.distruntime
 
TracingResponse - Class in org.tensorflow.distruntime
Protobuf type tensorflow.TracingResponse
TracingResponse.Builder - Class in org.tensorflow.distruntime
Protobuf type tensorflow.TracingResponse
TracingResponseOrBuilder - Interface in org.tensorflow.distruntime
 
train - Variable in class org.nd4j.linalg.dataset.api.iterator.KFoldIterator
 
TRAINABLE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariableDef
 
trainableParams(String...) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Define the set of trainable parameters for the network.
The trainable parameters are not set by default, which means they will be inferred automatically.
The set of trainable parameters (variables) can be set here - any excluded from being set here won't be modified during training
trainableParams(List<String>) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Define the set of trainable parameters for the network.
The trainable parameters are not set by default, which means they will be inferred automatically.
The set of trainable parameters (variables) can be set here - any excluded from being set here won't be modified during training
TRAINING_CONFIG_JSON_ZIP_ENTRY_NAME - Static variable in class org.nd4j.autodiff.samediff.SameDiff
 
TrainingConfig - Class in org.nd4j.autodiff.samediff
TrainingConfig is a simple configuration class for defining settings for training a SameDiff instance.
It defines the following settings:
The IUpdater to use (i.e., Adam, Nesterovs etc.
TrainingConfig(IUpdater, List<Regularization>, String, String) - Constructor for class org.nd4j.autodiff.samediff.TrainingConfig
Create a training configuration suitable for training a single input, single output network.
See also the TrainingConfig.Builder for creating a TrainingConfig
TrainingConfig(IUpdater, List<Regularization>, boolean, List<String>, List<String>, List<String>, List<String>, List<String>, List<String>) - Constructor for class org.nd4j.autodiff.samediff.TrainingConfig
Create a training configuration suitable for training both single input/output and multi input/output networks.
See also the TrainingConfig.Builder for creating a TrainingConfig
TrainingConfig.Builder - Class in org.nd4j.autodiff.samediff
 
TRANSFORM - Static variable in class org.nd4j.graph.OpClass
 
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(MultiDataSet) - Method in class org.nd4j.linalg.dataset.api.preprocessor.ImageMultiPreProcessingScaler
 
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
 
TRANSFORM_ANY - Static variable in class org.nd4j.graph.OpType
 
TRANSFORM_BOOL - Static variable in class org.nd4j.graph.OpType
 
TRANSFORM_FLOAT - Static variable in class org.nd4j.graph.OpType
 
TRANSFORM_SAME - Static variable in class org.nd4j.graph.OpType
 
TRANSFORM_STRICT - Static variable in class org.nd4j.graph.OpType
 
transformAnyOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
TransformBoolOp - Interface in org.nd4j.linalg.api.ops
Strict transforms take any type in, and return BOOL type
transformBoolOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
transformFloatingOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
TransformFloatOp - Interface in org.nd4j.linalg.api.ops
Strict transforms take any type in, and return FLOATING-POINT type
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
TransformSameOp - Interface in org.nd4j.linalg.api.ops
Strict transforms take any type in, and return same type
transformSameOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
TransformStrictOp - Interface in org.nd4j.linalg.api.ops
Strict transforms take floating-point type in, and return same type
transformStrictOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
translateToPhysical(long[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
Translate the view index to the corresponding index of the original ndarray
translateToPhysical(int[]) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
translateToSameDiffName(String, NODE_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
 
translateToSameDiffName(String, OnnxProto3.NodeProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
translateToSameDiffName(String, NodeDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
TRANSPORT_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufRequest
 
TRANSPORT_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvBufResponse
 
TRANSPORT_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorRequest
 
TRANSPORT_OPTIONS_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.RecvTensorResponse
 
TransportOptions - Class in tensorflow
 
TransportOptions.RecvBufRespExtra - Class in tensorflow
Extra data needed on a non-RDMA RecvBufResponse.
TransportOptions.RecvBufRespExtra.Builder - Class in tensorflow
Extra data needed on a non-RDMA RecvBufResponse.
TransportOptions.RecvBufRespExtraOrBuilder - Interface in tensorflow
 
transpose(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
transpose(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix transpose operation: If input has shape [a,b] output has shape [b,a]
transpose(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Matrix transpose operation: If input has shape [a,b] output has shape [b,a]
transpose() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Return transposed copy of this matrix.
transpose() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(SameDiff, SDVariable) - 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() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Transpose
 
transposeA - Variable in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
transposeB - Variable in class org.nd4j.linalg.api.ops.impl.reduce.custom.BatchMmul
 
transposei() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Return transposed version of this matrix.
transposei() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
transposei() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Flip the rows and columns of a matrix, in-place
transposeShapeArray(long[]) - Method in class org.nd4j.linalg.api.ops.impl.reduce.Mmul
For a 2D matrix of shape (M, N) we return (N, M).
traverse(int, boolean) - Method in class org.nd4j.linalg.profiler.data.primitives.StackNode
 
tri(int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
tri(int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
tri(int, int, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Like the scipy function tri.
trimmedMode - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
trimmedStep - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
triu(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Upper triangle of an array.
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, double, INDArray, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
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'.
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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, double, INDArray, INDArray) - Method in class org.nd4j.linalg.api.blas.impl.SparseBaseLevel3
 
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'.
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 class org.nd4j.linalg.api.blas.impl.SparseBaseLevel2
 
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.
trueBody - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
trueBody - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
trueBodyExecuted - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
trueBodyName - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.If
 
trueBodyName - Variable in class org.nd4j.linalg.api.ops.impl.controlflow.While
 
trueNegatives - Variable in class org.nd4j.evaluation.classification.Evaluation
 
trueNegatives() - Method in class org.nd4j.evaluation.classification.Evaluation
True negatives: correctly rejected
trueNegatives(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the true negatives count for the specified output
truePositives - Variable in class org.nd4j.evaluation.classification.Evaluation
 
truePositives() - Method in class org.nd4j.evaluation.classification.Evaluation
True positives: correctly rejected
truePositives(int) - Method in class org.nd4j.evaluation.classification.EvaluationBinary
Get the true positives count for the specified output
trueScalar(DataType, Number) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueScalar(Number) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueScalar(Number) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
Use Nd4j.scalar methods, such as Nd4j.scalar(double) or Nd4j.scalar(DataType, Number)
trueScalar(Number) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueScalar(DataType, Number) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueVector(boolean[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueVector(byte[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueVector(short[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueVector(int[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueVector(long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueVector(float[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueVector(double[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
trueVector(boolean[]) - Static method in class org.nd4j.linalg.factory.Nd4j
trueVector(long[]) - Static method in class org.nd4j.linalg.factory.Nd4j
trueVector(int[]) - Static method in class org.nd4j.linalg.factory.Nd4j
trueVector(float[]) - Static method in class org.nd4j.linalg.factory.Nd4j
trueVector(double[]) - Static method in class org.nd4j.linalg.factory.Nd4j
trueVector(boolean[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueVector(byte[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueVector(short[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueVector(int[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueVector(long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueVector(float[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
trueVector(double[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Deprecated.
truncatedDiv(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
truncatedDiv(SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
truncatedDiv(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.SDVariable
 
TruncateDivOp - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic
Truncated division operation
TruncateDivOp(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
TruncateDivOp(SameDiff, SDVariable, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
TruncateDivOp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
TruncateDivOp(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.arithmetic.TruncateDivOp
 
TruncatedNormalDistribution - Class in org.nd4j.linalg.api.ops.random.impl
This Op generates truncated normal distribution over provided mean and stddev
TruncatedNormalDistribution() - Constructor for class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
TruncatedNormalDistribution(SameDiff, double, double, long[]) - Constructor for class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
TruncatedNormalDistribution(INDArray, double, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
This op fills Z with random values within stddev..mean..stddev boundaries
TruncatedNormalDistribution(INDArray, INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
 
TruncatedNormalDistribution(INDArray) - Constructor for class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
This op fills Z with random values within -1.0..0..1.0
TruncatedNormalDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.ops.random.impl.TruncatedNormalDistribution
This op fills Z with random values within stddev..0..stddev
TruncatedNormalDistribution - Class in org.nd4j.linalg.api.rng.distribution.impl
Truncated Normal Distribution
TruncatedNormalDistribution(Random, double, INDArray) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
 
TruncatedNormalDistribution(double, INDArray) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
 
TruncatedNormalDistribution() - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Create a normal distribution with mean equal to zero and standard deviation equal to one.
TruncatedNormalDistribution(double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Create a normal distribution using the given mean and standard deviation.
TruncatedNormalDistribution(Random, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
 
TruncatedNormalDistribution(double, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Create a normal distribution using the given mean, standard deviation and inverse cumulative distribution accuracy.
TruncatedNormalDistribution(Random, double, double, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
Creates a normal distribution.
TruncatedNormalDistribution(INDArray, double) - Constructor for class org.nd4j.linalg.api.rng.distribution.impl.TruncatedNormalDistribution
 
TWO_VALUE - Static variable in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
TWO = 2;
type() - Method in class org.nd4j.graph.UIHistogram
 
type() - Method in class org.nd4j.graph.UIVariable
 
type() - Method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
type() - Method in interface org.nd4j.linalg.api.ops.executioner.OpExecutioner
This method returns type for this executioner instance
type() - Method in class org.nd4j.weightinit.impl.ConstantInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.DistributionInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.IdentityInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.LecunUniformInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.NDArraySupplierInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.OneInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.ReluInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.ReluUniformInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.SigmoidUniformInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.UniformInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.VarScalingNormalFanAvgInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.VarScalingNormalFanInInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.VarScalingNormalFanOutInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.VarScalingNormalUniformFanInInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.VarScalingNormalUniformFanOutInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.VarScalingUniformFanAvgInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.XavierFanInInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.XavierInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.XavierUniformInitScheme
 
type() - Method in class org.nd4j.weightinit.impl.ZeroInitScheme
 
type() - Method in interface org.nd4j.weightinit.WeightInitScheme
The type of the weight init
TYPE_ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.ArgDef
 
TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.AttributeProto
 
TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.ValueInfoProto
 
TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.AttributeProto
 
TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.ValueInfoProto
 
TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.CompleteInstanceRequest
 
TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue.ListValue
 
TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.AttrValue
 
TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.InterconnectLink
 
TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.ArgDef
 
TYPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.AttrDef
 
TYPE_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
TYPE_HINT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SummaryDescription
 
TYPE_LIST_ATTR_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDef.ArgDef
 
TYPE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphTransferNodeInfo
 
TYPE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariantTensorDataProto
 
typeConversion(INDArray, DataTypeEx) - Static method in class org.nd4j.linalg.factory.Nd4j
 
TypesProtos - Class in org.tensorflow.framework
 

U

UIAddName - Class in org.nd4j.graph
 
UIAddName() - Constructor for class org.nd4j.graph.UIAddName
 
UIEvent - Class in org.nd4j.graph
 
UIEvent() - Constructor for class org.nd4j.graph.UIEvent
 
UIEventType - Class in org.nd4j.graph
 
UIGraphStructure - Class in org.nd4j.graph
 
UIGraphStructure() - Constructor for class org.nd4j.graph.UIGraphStructure
 
UIHardwareState - Class in org.nd4j.graph
 
UIHardwareState() - Constructor for class org.nd4j.graph.UIHardwareState
 
UIHistogram - Class in org.nd4j.graph
 
UIHistogram() - Constructor for class org.nd4j.graph.UIHistogram
 
UIHistogramType - Class in org.nd4j.graph
 
UIInfoType - Class in org.nd4j.graph
 
uiLabelExtra() - Method in class org.nd4j.graph.UIOp
 
uiLabelExtra() - Method in class org.nd4j.graph.UIVariable
 
uiLabelExtraAsByteBuffer() - Method in class org.nd4j.graph.UIOp
 
uiLabelExtraAsByteBuffer() - Method in class org.nd4j.graph.UIVariable
 
uiLabelExtraInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIOp
 
uiLabelExtraInByteBuffer(ByteBuffer) - Method in class org.nd4j.graph.UIVariable
 
UINT16 - Static variable in class org.nd4j.graph.DataType
 
UINT16_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
uint16_t
UINT16_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
uint16_t
UINT32 - Static variable in class org.nd4j.graph.DataType
 
UINT32_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
UINT32_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
UINT32 = 12;
UINT32_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
UINT32 = 12;
UINT64 - Static variable in class org.nd4j.graph.DataType
 
UINT64_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TensorProto
 
UINT64_DATA_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.TensorProto
 
UINT64_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
UINT64_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
UINT64 = 13;
UINT64_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
UINT64 = 13;
UINT8 - Static variable in class org.nd4j.graph.DataType
 
UINT8_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
uint8_t
UINT8_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
uint8_t
UIOp - Class in org.nd4j.graph
 
UIOp() - Constructor for class org.nd4j.graph.UIOp
 
UIStaticInfoRecord - Class in org.nd4j.graph
 
UIStaticInfoRecord() - Constructor for class org.nd4j.graph.UIStaticInfoRecord
 
UISummaryStatistics - Class in org.nd4j.graph
 
UISummaryStatistics() - Constructor for class org.nd4j.graph.UISummaryStatistics
 
UISystemInfo - Class in org.nd4j.graph
 
UISystemInfo() - Constructor for class org.nd4j.graph.UISystemInfo
 
UIVariable - Class in org.nd4j.graph
 
UIVariable() - Constructor for class org.nd4j.graph.UIVariable
 
ulike() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
ulike() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
ulike() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
This method returns uninitialized array with the same dtype/order/shape as this one
UNAUTHENTICATED_VALUE - Static variable in enum org.tensorflow.framework.Code
The request does not have valid authentication credentials for the operation.
UNAVAILABLE_VALUE - Static variable in enum org.tensorflow.framework.Code
The service is currently unavailable.
UNDEFINED - Static variable in class org.nd4j.graph.InputType
 
UNDEFINED_VALUE - Static variable in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
UNDEFINED = 0;
UNDEFINED_VALUE - Static variable in enum onnx.OnnxMlProto3.TensorProto.DataType
UNDEFINED = 0;
UNDEFINED_VALUE - Static variable in enum onnx.OnnxProto3.AttributeProto.AttributeType
UNDEFINED = 0;
UNDEFINED_VALUE - Static variable in enum onnx.OnnxProto3.TensorProto.DataType
UNDEFINED = 0;
underlyingRank() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
underlyingRank() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
underlyingRank() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
underlyingRank() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
 
underlyingRank(DataBuffer) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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.
uniform(double, double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
uniform(String, double, double, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a uniform distribution, U(min,max)
See SDRandom.uniform(double, double, long...) for the equivalent function where the shape is specified as a long[] instead
uniform(double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
 
uniform(String, double, double, long...) - Method in class org.nd4j.autodiff.samediff.ops.SDRandom
Generate a new random SDVariable, where values are randomly sampled according to a uniform distribution, U(min,max)
See SDRandom.uniform(double, double, long...) for the equivalent function where the shape is specified as a SDVariable instead
UniformDistribution - Class in org.nd4j.linalg.api.ops.random.impl
 
UniformDistribution() - Constructor for class org.nd4j.linalg.api.ops.random.impl.UniformDistribution
 
UniformDistribution(SameDiff, double, double, long[]) - 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.
UniformInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: range = 1.0 / Math.sqrt(fanIn) U(-range,range)
UniformInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.UniformInitScheme
 
UNIMPLEMENTED_VALUE - Static variable in enum org.tensorflow.framework.Code
Operation is not implemented or not supported/enabled in this service.
Unique - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
Unique() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
Unique(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Unique
 
UniqueWithCounts - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
 
UniqueWithCounts() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
UniqueWithCounts(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.UniqueWithCounts
 
uniquify(int[]) - Static method in class org.nd4j.linalg.api.shape.Shape
 
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
 
UNKNOWN_RANK_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorShapeProto
 
UNKNOWN_VALUE - Static variable in enum org.tensorflow.framework.Code
Unknown error.
unsafeDuplication() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
unsafeDuplication(boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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
 
unsortedSegmentMax(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unsortedSegmentMax(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
unsortedSegmentMax(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Unsorted segment max operation.
UnsortedSegmentMax - Class in org.nd4j.linalg.api.ops.impl.transforms.segment
Unsorted segment max operation
UnsortedSegmentMax(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
UnsortedSegmentMax() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMax
 
unsortedSegmentMaxBp(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
UnsortedSegmentMaxBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Unsorted segment max backprop operation
UnsortedSegmentMaxBp(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMaxBp
 
UnsortedSegmentMaxBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMaxBp
 
unsortedSegmentMean(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unsortedSegmentMean(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
unsortedSegmentMean(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Unsorted segment mean operation.
UnsortedSegmentMean - Class in org.nd4j.linalg.api.ops.impl.transforms.segment
Unsorted segment mean operation
UnsortedSegmentMean(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMean
 
UnsortedSegmentMean() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMean
 
unsortedSegmentMeanBp(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
UnsortedSegmentMeanBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Unsorted segment mean backprop operation
UnsortedSegmentMeanBp(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMeanBp
 
UnsortedSegmentMeanBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMeanBp
 
unsortedSegmentMin(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unsortedSegmentMin(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
unsortedSegmentMin(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Unsorted segment min operation.
UnsortedSegmentMin - Class in org.nd4j.linalg.api.ops.impl.transforms.segment
Unsorted segment min operation
UnsortedSegmentMin(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMin
 
UnsortedSegmentMin() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentMin
 
unsortedSegmentMinBp(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
UnsortedSegmentMinBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Unsorted segment min backprop operation
UnsortedSegmentMinBp(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMinBp
 
UnsortedSegmentMinBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentMinBp
 
unsortedSegmentProd(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unsortedSegmentProd(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
unsortedSegmentProd(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Unsorted segment product operation.
UnsortedSegmentProd - Class in org.nd4j.linalg.api.ops.impl.transforms.segment
Unsorted segment product operation
UnsortedSegmentProd(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentProd
 
UnsortedSegmentProd() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentProd
 
unsortedSegmentProdBp(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
UnsortedSegmentProdBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Unsorted segment product backprop operation
UnsortedSegmentProdBp(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentProdBp
 
UnsortedSegmentProdBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentProdBp
 
unsortedSegmentSqrtN(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unsortedSegmentSqrtN(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
unsortedSegmentSqrtN(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Unsorted segment sqrtN operation.
UnsortedSegmentSqrtN - Class in org.nd4j.linalg.api.ops.impl.transforms.segment
Unsorted Sqrt(count) op
UnsortedSegmentSqrtN(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSqrtN
 
UnsortedSegmentSqrtN() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSqrtN
 
unsortedSegmentSqrtNBp(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
UnsortedSegmentSqrtNBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Unsorted segment sqrt(n) backprop operation
UnsortedSegmentSqrtNBp(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSqrtNBp
 
UnsortedSegmentSqrtNBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSqrtNBp
 
unsortedSegmentSum(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unsortedSegmentSum(SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
unsortedSegmentSum(String, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Unsorted segment sum operation.
UnsortedSegmentSum - Class in org.nd4j.linalg.api.ops.impl.transforms.segment
Unsorted segment sum operation
UnsortedSegmentSum(SameDiff, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSum
 
UnsortedSegmentSum() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.UnsortedSegmentSum
 
unsortedSegmentSumBp(SDVariable, SDVariable, SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
UnsortedSegmentSumBp - Class in org.nd4j.linalg.api.ops.impl.transforms.segment.bp
Unsorted segment sum backprop operation
UnsortedSegmentSumBp(SameDiff, SDVariable, SDVariable, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSumBp
 
UnsortedSegmentSumBp() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.segment.bp.UnsortedSegmentSumBp
 
unstack(SDVariable, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unstack(SDVariable, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
unstack(SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
unstack(String[], SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
unstack(SDVariable, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
unstack(String[], SDVariable, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Unstack a variable of rank X into N rank X-1 variables by taking slices along the specified axis.
unstack(SDVariable, SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
Unstack - Class in org.nd4j.linalg.api.ops.impl.shape
Unstack op conversion
Unstack() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
Unstack(SameDiff, SDVariable, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
Unstack(SameDiff, SDVariable, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
Unstack(INDArray, INDArray[], int) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.Unstack
 
update(Object...) - Method in class org.nd4j.linalg.learning.legacy.AdaGrad
 
updateBeforeExecution() - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
updateDescendentsForExec(int, AbstractSession.VarId) - Method in class org.nd4j.autodiff.samediff.internal.AbstractSession
This method should be called for a variable once it's array is ready for use.
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
 
updater(IUpdater) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Set the updater (such as Adam, Nesterovs etc.
updateVariable(String, INDArray) - Method in class org.nd4j.linalg.api.ops.impl.layers.ExternalErrorsFunction
 
updateVariableName(String, String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Update the opName for the variable with the given vertex id
updateVariableNameAndReference(SDVariable, String) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
updateVariableNameAndReference(SDVariable, String) - Method in class org.nd4j.autodiff.samediff.ops.SDOps
 
updateVariableNameAndReference(SDVariable, String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Updates the variable name property on the passed in variable, the reference in samediff, and returns the variable.
updateVariableNamesAndReferences(SDVariable[], String[]) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
updateVariableNamesAndReferences(SDVariable[], String[]) - Method in class org.nd4j.autodiff.samediff.SameDiff
Updates the variable name property on the passed in variables, its reference in samediff, and returns the variable.
upsampling2d(SDVariable, boolean, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
upsampling2d(SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - Upsampling 2d with same scale for both dimensions.
upsampling2d(String, SDVariable, boolean, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - Upsampling 2d
upsampling2d(String, SDVariable, int) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - Upsampling 2d with same scale for both dimensions.
upsampling2d(SDVariable, boolean, int, int) - Method in class org.nd4j.autodiff.samediff.ops.SDCNN
2D Convolution layer operation - Upsampling 2d
Upsampling2d - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
Upsampling operation
Upsampling2d(SameDiff, SDVariable, boolean, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
Upsampling2d() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2d
 
upsampling2dBp(SDVariable, SDVariable, boolean, int, int) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
Upsampling2dDerivative - Class in org.nd4j.linalg.api.ops.impl.layers.convolution
UpsamplingDerivative operation
Upsampling2dDerivative() - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
Upsampling2dDerivative(SameDiff, SDVariable, SDVariable, boolean, int, int) - Constructor for class org.nd4j.linalg.api.ops.impl.layers.convolution.Upsampling2dDerivative
 
USE_EXTENDED_PROFILER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.TraceOpts
 
USE_GPU_PROFILER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.TraceOpts
 
USE_KERNEL_PROFILER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.TraceOpts
 
USE_PER_SESSION_THREADS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ConfigProto
 
USE_RPC_FOR_INPROCESS_MASTER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.RPCOptions
 
USE_SAMPLE_PROFILER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.TraceOpts
 
USE_STEP_PROFILER_FIELD_NUMBER - Static variable in class org.tensorflow.distruntime.TraceOpts
 
USE_UNIFIED_MEMORY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions.Experimental
 
UTF8 - Static variable in class org.nd4j.graph.DataType
 

V

V1_VALUE - Static variable in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
Deprecated format: tf.Saver() which works with tensorflow::table::Table.
V2_VALUE - Static variable in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
Current format: more efficient.
val(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
validate(TestCase) - Static method in class org.nd4j.autodiff.validation.OpValidation
Run test case
validate(TestCase, boolean) - Static method in class org.nd4j.autodiff.validation.OpValidation
 
validate(OpTestCase) - Static method in class org.nd4j.autodiff.validation.OpValidation
Validate the outputs of a single op
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
 
validateArrayLocation(T, INDArray, boolean, boolean) - Method in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
validateArrayLocation(T, INDArray, boolean, boolean) - Method in interface org.nd4j.linalg.workspace.WorkspaceMgr
Validate that the specified array type is actually in the workspace it's supposed to be in
validateBool(String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on a boolean type SDVariable
validateBool(String, String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on a boolean type SDVariable
validateBool(String, SDVariable, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on boolean SDVariables
validateBroadcastDims(INDArray, INDArray, INDArray, int...) - Static method in class org.nd4j.linalg.factory.Broadcast
Validate the broadcast dimensions for manual broadcast ops such as BroadcastMulOp.
validateDataType(DataType, Op) - Static method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
Validate the data types for the given operation
validateDataType(DataType, Object, INDArray...) - Static method in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastBoolOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseBroadcastOp
 
validateDataTypes() - Method in class org.nd4j.linalg.api.ops.BaseIndexAccumulation
 
validateDataTypes() - Method in class org.nd4j.linalg.api.ops.BaseReduceBoolOp
 
validateDataTypes() - Method in class org.nd4j.linalg.api.ops.BaseReduceFloatOp
 
validateDataTypes() - Method in class org.nd4j.linalg.api.ops.BaseReduceLongOp
 
validateDataTypes() - Method in class org.nd4j.linalg.api.ops.BaseReduceSameOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseScalarBoolOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseTransformAnyOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseTransformBoolOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseTransformFloatOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseTransformSameOp
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.BaseTransformStrictOp
 
validateDataTypes(boolean) - Method in interface org.nd4j.linalg.api.ops.BroadcastOp
 
validateDataTypes() - Method in class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
validateDataTypes(boolean) - Method in class org.nd4j.linalg.api.ops.impl.transforms.MaxOut
 
validateDataTypes() - Method in interface org.nd4j.linalg.api.ops.IndexAccumulation
 
validateDataTypes() - Method in interface org.nd4j.linalg.api.ops.ReduceOp
 
validateDataTypes(boolean) - Method in interface org.nd4j.linalg.api.ops.ScalarOp
 
validateDataTypes(boolean) - Method in interface org.nd4j.linalg.api.ops.TransformOp
 
validateDifferentialFunctionGraph(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
validateDifferentialFunctionsameDiff(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
validateFloatingPoint(String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on an floating point type SDVariable
validateFloatingPoint(String, String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on a floating point type SDVariable
validateGraphStructure(SameDiff) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
validateInteger(String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on an integer type SDVariable
validateInteger(String, String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on an integer type SDVariable
validateInternalState(SameDiff, boolean) - Static method in class org.nd4j.autodiff.validation.GradCheckUtil
 
validateNumerical(String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on a numerical SDVariable (not boolean or utf8).
validateNumerical(String, String, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on a numerical SDVariable (not boolean or utf8).
validateNumerical(String, SDVariable, SDVariable) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on numerical SDVariables (not boolean or utf8).
validateNumericalArray(String, boolean) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Validate that the operation is being applied on a numerical array (not boolean or utf8).
validateSameType(String, boolean, SDVariable...) - Static method in class org.nd4j.autodiff.samediff.ops.SDValidation
Validate that the operation is being applied on array with the exact same datatypes (which may optionally be restricted to numerical SDVariables only (not boolean or utf8))
validateSerializedArrays(File, File, boolean) - Static method in class org.nd4j.linalg.util.ND4JTestUtils
Scan the specified directories for matching files (i.e., same path relative to their respective root directories) and compare the contents using INDArray.equals (via ND4JTestUtils.EqualsFn Assumes the saved files represent INDArrays saved with Nd4j.saveBinary(INDArray, File)
validateSerializedArrays(File, File, boolean, BiFunction<INDArray, INDArray, Boolean>) - Static method in class org.nd4j.linalg.util.ND4JTestUtils
Scan the specified directories for matching files (i.e., same path relative to their respective root directories) and compare the contents using a provided function.
Assumes the saved files represent INDArrays saved with Nd4j.saveBinary(INDArray, File)
validateShapesNoDimCase(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Broadcast
 
validTensorDataType(TENSOR_TYPE) - Method in class org.nd4j.imports.graphmapper.BaseGraphMapper
 
validTensorDataType(TENSOR_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Whether the data type for the tensor is valid for creating an INDArray
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
 
VALUE_ATTR_KEY - Static variable in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
VALUE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.StringStringEntryProto
 
VALUE_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.StringStringEntryProto
 
VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef.AnyList
 
VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef.BytesList
 
VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef.FloatList
 
VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef.Int64List
 
VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CollectionDef.NodeList
 
VALUE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary
 
VALUE_INFO_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.GraphProto
 
VALUE_INFO_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.GraphProto
 
VALUE_TYPE_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.TypeProto.Map
 
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(long[], double) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
valueArrayOf(long, long, 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(long[], float) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified value as the only value in the FLOAT32 datatype NDArray.
valueArrayOf(long[], int) - Static method in class org.nd4j.linalg.factory.Nd4j
Creates an ndarray with the specified value as the only value in the INTEGER datatype NDArray.
valueArrayOf(long[], 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(long[], double, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
valueArrayOf(long[], long, DataType) - Static method in class org.nd4j.linalg.factory.Nd4j
 
valueArrayOf(long, 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(long, long, 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(long[], double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
valueArrayOf(long, long, double) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.CycleSchedule
 
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.ExponentialSchedule
 
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.FixedSchedule
 
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.InverseSchedule
 
valueAt(int, int) - Method in interface org.nd4j.linalg.schedule.ISchedule
 
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.MapSchedule
 
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.PolySchedule
 
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.SigmoidSchedule
 
valueAt(int, int) - Method in class org.nd4j.linalg.schedule.StepSchedule
 
valueOf(String) - Static method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
 
valueOf(String) - Static method in enum onnx.OnnxMlProto3.TensorProto.DataType
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxMlProto3.TensorProto.DataType
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum onnx.OnnxMlProto3.TensorProto.DataType
 
valueOf(String) - Static method in enum onnx.OnnxMlProto3.TensorShapeProto.Dimension.ValueCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxMlProto3.TensorShapeProto.Dimension.ValueCase
valueOf(String) - Static method in enum onnx.OnnxMlProto3.TypeProto.ValueCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxMlProto3.TypeProto.ValueCase
valueOf(String) - Static method in enum onnx.OnnxMlProto3.Version
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxMlProto3.Version
Deprecated.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum onnx.OnnxMlProto3.Version
 
valueOf(String) - Static method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
 
valueOf(String) - Static method in enum onnx.OnnxProto3.AttributeProto.AttributeType
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxProto3.AttributeProto.AttributeType
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum onnx.OnnxProto3.AttributeProto.AttributeType
 
valueOf(String) - Static method in enum onnx.OnnxProto3.TensorProto.DataType
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxProto3.TensorProto.DataType
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum onnx.OnnxProto3.TensorProto.DataType
 
valueOf(String) - Static method in enum onnx.OnnxProto3.TensorShapeProto.Dimension.ValueCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxProto3.TensorShapeProto.Dimension.ValueCase
valueOf(String) - Static method in enum onnx.OnnxProto3.TypeProto.ValueCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxProto3.TypeProto.ValueCase
valueOf(String) - Static method in enum onnx.OnnxProto3.Version
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum onnx.OnnxProto3.Version
Deprecated.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum onnx.OnnxProto3.Version
 
valueOf(String) - Static method in enum org.nd4j.autodiff.execution.conf.ExecutionMode
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.autodiff.execution.conf.OutputMode
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.autodiff.execution.GraphExecutioner.Type
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.autodiff.loss.LossReduce
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.autodiff.samediff.SDIndex.IndexType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.autodiff.samediff.VariableType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.autodiff.validation.TestCase.TestSerialization
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.evaluation.classification.Evaluation.Metric
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.evaluation.classification.EvaluationBinary.Metric
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.evaluation.EvaluationAveraging
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.evaluation.regression.RegressionEvaluation.Metric
Returns the enum constant of this type with the specified name.
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.ndarray.SparseFormat
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.custom.ScatterUpdate.UpdateOp
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.executioner.OpExecutioner.ExecutionerType
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.executioner.OpStatus
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.layers.convolution.AvgPooling2D.Pooling2DType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.layers.convolution.LegacyPooling2D.Pooling2DType
Deprecated.
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.layers.convolution.Pooling2D.Divisor
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.layers.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.impl.layers.convolution.Pooling3D.Pooling3DType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.layers.recurrent.config.RnnDataFormat
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.scatter.ScatterUpdate.UpdateOp
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.nd4j.linalg.api.ops.impl.transforms.Pad.Mode
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.api.shape.options.ArrayType
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.learning.regularization.Regularization.ApplyStep
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.memory.MemcpyDirection
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.linalg.schedule.ScheduleType
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.
valueOf(String) - Static method in enum org.nd4j.weightinit.WeightInit
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.tensorflow.framework.ApiDef.Visibility
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.ApiDef.Visibility
Deprecated.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.ApiDef.Visibility
 
valueOf(String) - Static method in enum org.tensorflow.framework.AttrValue.ValueCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.AttrValue.ValueCase
Deprecated.
valueOf(String) - Static method in enum org.tensorflow.framework.Code
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.Code
Deprecated.
Use Code.forNumber(int) instead.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.Code
 
valueOf(String) - Static method in enum org.tensorflow.framework.CollectionDef.KindCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.CollectionDef.KindCase
Deprecated.
valueOf(String) - Static method in enum org.tensorflow.framework.ControlFlowContextDef.CtxtCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.ControlFlowContextDef.CtxtCase
valueOf(String) - Static method in enum org.tensorflow.framework.DataType
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.DataType
Deprecated.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.DataType
 
valueOf(String) - Static method in enum org.tensorflow.framework.GraphTransferInfo.Destination
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.GraphTransferInfo.Destination
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.GraphTransferInfo.Destination
 
valueOf(String) - Static method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
 
valueOf(String) - Static method in enum org.tensorflow.framework.OptimizerOptions.Level
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.OptimizerOptions.Level
Deprecated.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.OptimizerOptions.Level
 
valueOf(String) - Static method in enum org.tensorflow.framework.RewriterConfig.MemOptType
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.RewriterConfig.MemOptType
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.RewriterConfig.MemOptType
 
valueOf(String) - Static method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
 
valueOf(String) - Static method in enum org.tensorflow.framework.RewriterConfig.Toggle
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.RewriterConfig.Toggle
Deprecated.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.RewriterConfig.Toggle
 
valueOf(String) - Static method in enum org.tensorflow.framework.RunOptions.TraceLevel
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.RunOptions.TraceLevel
Deprecated.
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.framework.RunOptions.TraceLevel
 
valueOf(String) - Static method in enum org.tensorflow.framework.Summary.Value.ValueCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.Summary.Value.ValueCase
Deprecated.
valueOf(String) - Static method in enum org.tensorflow.framework.TensorInfo.EncodingCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.TensorInfo.EncodingCase
Deprecated.
valueOf(String) - Static method in enum org.tensorflow.framework.TensorSliceProto.Extent.HasLengthCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.framework.TensorSliceProto.Extent.HasLengthCase
valueOf(String) - Static method in enum org.tensorflow.util.BundleHeaderProto.Endianness
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.util.BundleHeaderProto.Endianness
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.util.BundleHeaderProto.Endianness
 
valueOf(String) - Static method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
valueOf(Descriptors.EnumValueDescriptor) - Static method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
 
valueOf(String) - Static method in enum tensorflow.eager.EagerServiceOuterClass.QueueItem.ItemCase
Returns the enum constant of this type with the specified name.
valueOf(int) - Static method in enum tensorflow.eager.EagerServiceOuterClass.QueueItem.ItemCase
values() - Static method in enum onnx.OnnxMlProto3.AttributeProto.AttributeType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxMlProto3.TensorProto.DataType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxMlProto3.TensorShapeProto.Dimension.ValueCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxMlProto3.TypeProto.ValueCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxMlProto3.Version
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxOperatorsProto3.OperatorProto.OperatorStatus
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxProto3.AttributeProto.AttributeType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxProto3.TensorProto.DataType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxProto3.TensorShapeProto.Dimension.ValueCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxProto3.TypeProto.ValueCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum onnx.OnnxProto3.Version
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.autodiff.execution.conf.ExecutionMode
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.autodiff.execution.conf.OutputMode
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.autodiff.execution.GraphExecutioner.Type
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.autodiff.loss.LossReduce
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.autodiff.samediff.SDIndex.IndexType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.autodiff.samediff.VariableType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.autodiff.validation.TestCase.TestSerialization
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.evaluation.classification.Evaluation.Metric
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.evaluation.classification.EvaluationBinary.Metric
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.evaluation.EvaluationAveraging
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.nd4j.evaluation.regression.RegressionEvaluation.Metric
Returns an array containing the constants of this enum type, in the order they are declared.
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 - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCOO
 
values - Variable in class org.nd4j.linalg.api.ndarray.BaseSparseNDArrayCSR
 
values() - Static method in enum org.nd4j.linalg.api.ndarray.SparseFormat
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.custom.ScatterUpdate.UpdateOp
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.ExecutionerType
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.executioner.OpStatus
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.layers.convolution.AvgPooling2D.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.impl.layers.convolution.LegacyPooling2D.Pooling2DType
Deprecated.
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.layers.convolution.Pooling2D.Divisor
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.layers.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.impl.layers.convolution.Pooling3D.Pooling3DType
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.layers.recurrent.config.RnnDataFormat
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.scatter.ScatterUpdate.UpdateOp
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.Pad.Mode
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.api.shape.options.ArrayType
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.learning.regularization.Regularization.ApplyStep
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.memory.MemcpyDirection
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.linalg.schedule.ScheduleType
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.
values() - Static method in enum org.nd4j.weightinit.WeightInit
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.ApiDef.Visibility
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.AttrValue.ValueCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.Code
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.CollectionDef.KindCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.ControlFlowContextDef.CtxtCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.DataType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.GraphTransferInfo.Destination
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.OptimizerOptions.GlobalJitLevel
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.OptimizerOptions.Level
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.RewriterConfig.MemOptType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.RewriterConfig.NumIterationsType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.RewriterConfig.Toggle
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.RunOptions.TraceLevel
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.Summary.Value.ValueCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.TensorInfo.EncodingCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.framework.TensorSliceProto.Extent.HasLengthCase
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.util.BundleHeaderProto.Endianness
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.util.SaverDef.CheckpointFormatVersion
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum tensorflow.eager.EagerServiceOuterClass.QueueItem.ItemCase
Returns an array containing the constants of this enum type, in the order they are declared.
VALUES_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.CondContextDef
 
VALUES_DEF_FIELD_NUMBER - Static variable in class org.tensorflow.framework.WhileContextDef
 
VALUES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ValuesDef
 
VALUES_TENSOR_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorInfo.CooSparse
 
ValuesDef - Class in org.tensorflow.framework
Protocol buffer representing the values in ControlFlowContext.
ValuesDef.Builder - Class in org.tensorflow.framework
Protocol buffer representing the values in ControlFlowContext.
ValuesDefOrBuilder - Interface in org.tensorflow.framework
 
var(String, WeightInitScheme, DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Variable initialization with a specified WeightInitScheme This method creates VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
var(String, VariableType, WeightInitScheme, DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
var(String, LongShapeDescriptor, WeightInitScheme) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the given shape and name
The underlying array will be initialized using the specified weight initilization scheme
This is a VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
var(String, DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the given shape and name
Any array will be generated with all zeros for the values
This is a VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
var(String, LongShapeDescriptor) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the given shape and name
Any array will be generated with all zeros for the values
This is a VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
var(String, int...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the given shape and name
Any array will be generated with all zeros for the values.
var(String, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the given shape and name
Any array will be generated with all zeros for the values.
var(String, DataType, int...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the given shape and name
Any array will be generated with all zeros for the values
var(SDVariable) - Method in class org.nd4j.autodiff.samediff.SameDiff
Initialize a SDVariable reference tying this variable to this samediff instance.
var(DataType, int...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the specified shape and a generated name
Any array will be generated with all zeros for the values
This method creates a VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
var(DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the specified shape and a generated name
Any array will be generated with all zeros for the values
This method creates a VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
var(WeightInitScheme, DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a SDVariable with the specified shape and a generated name.
var(INDArray) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create an SDVariable with a generated name, and assocate the specified array with it.
This is a VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
var(String, INDArray) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create an SDVariable with the specified name, and associate the specified array with it
This is a VARIABLE type SDVariable - i.e., must be floating point, and is a trainable parameter.
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
var(boolean, int...) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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(INDArray, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
VAR_OFFSET_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SaveSliceInfoDef
 
VAR_SHAPE_FIELD_NUMBER - Static variable in class org.tensorflow.framework.SaveSliceInfoDef
 
Variable - Class in org.nd4j.autodiff.samediff.internal
 
Variable() - Constructor for class org.nd4j.autodiff.samediff.internal.Variable
 
variable - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
VARIABLE - Static variable in class org.nd4j.graph.OpType
 
VARIABLE - Static variable in class org.nd4j.graph.VarType
 
VARIABLE_NAME_FIELD_NUMBER - Static variable in class org.tensorflow.framework.VariableDef
 
VARIABLE_SPACE - Static variable in class org.nd4j.graph.OutputMode
 
VariableDef - Class in org.tensorflow.framework
Protocol buffer representing a Variable.
VariableDef.Builder - Class in org.tensorflow.framework
Protocol buffer representing a Variable.
VariableDefOrBuilder - Interface in org.tensorflow.framework
 
variableHasGradient(String) - Method in class org.nd4j.autodiff.samediff.SameDiff
Determine if the specified variable has a gradient with respect to the current loss.
variableId() - Method in class org.nd4j.graph.UIEvent
 
variableIndex - Variable in class org.nd4j.autodiff.samediff.internal.Variable
 
variableMap() - Method in class org.nd4j.autodiff.samediff.SameDiff
Return a copy of the internal variable map
VariableProtos - Class in org.tensorflow.framework
 
variables() - Method in class org.nd4j.autodiff.samediff.SameDiff
The list of all variables in the graph
variables(int) - Method in class org.nd4j.graph.FlatGraph
 
variables(FlatVariable, int) - Method in class org.nd4j.graph.FlatGraph
 
variables(int) - Method in class org.nd4j.graph.FlatInferenceRequest
 
variables(FlatVariable, int) - Method in class org.nd4j.graph.FlatInferenceRequest
 
variables(int) - Method in class org.nd4j.graph.FlatResult
 
variables(FlatVariable, int) - Method in class org.nd4j.graph.FlatResult
 
variables(int) - Method in class org.nd4j.graph.UIGraphStructure
 
variables(UIVariable, int) - Method in class org.nd4j.graph.UIGraphStructure
 
variablesForGraph(GRAPH_TYPE) - Method in interface org.nd4j.imports.graphmapper.GraphMapper
Get the variables for the given graph
variablesForGraph(OnnxProto3.GraphProto) - Method in class org.nd4j.imports.graphmapper.onnx.OnnxGraphMapper
 
variablesForGraph(GraphDef) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
variablesLength() - Method in class org.nd4j.graph.FlatGraph
 
variablesLength() - Method in class org.nd4j.graph.FlatInferenceRequest
 
variablesLength() - Method in class org.nd4j.graph.FlatResult
 
variablesLength() - Method in class org.nd4j.graph.UIGraphStructure
 
VariableType - Enum in org.nd4j.autodiff.samediff
An SDVarible may have different uses in a SameDiff graph - VariableType represents these different roles/uses.

VARIABLE: an array of trainable parameters in the SameDiff instance.
variabletype() - Method in class org.nd4j.graph.FlatVariable
 
variance(SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
variance(SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
 
variance(String, SDVariable, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Variance array reduction operation, optionally along specified dimensions
variance(String, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Variance array reduction operation, optionally along specified dimensions
Note that if keepDims = true, the output variable has the same rank as the input variable, with the reduced dimensions having size 1.
Variance - Class in org.nd4j.linalg.api.ops.impl.summarystats
Variance with bias correction.
Variance(SameDiff, SDVariable, boolean, boolean, int[]) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
Variance() - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
Variance(boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
Variance(INDArray, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
Variance(INDArray, INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
Variance(INDArray, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
Variance(INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.summarystats.Variance
 
varianceBp(SDVariable, SDVariable, boolean, boolean, int...) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
VarianceBp - Class in org.nd4j.linalg.api.ops.impl.reduce.bp
Backprop op for variance reduction operation
VarianceBp(SameDiff, SDVariable, SDVariable, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.VarianceBp
 
VarianceBp(INDArray, INDArray, INDArray, boolean, boolean, int...) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.VarianceBp
 
VarianceBp() - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.bp.VarianceBp
 
varianceOpClass(int) - Static method in class org.nd4j.autodiff.samediff.serde.LegacyOpMapper
 
VARIANT_VAL_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
VariantTensorDataProto - Class in org.tensorflow.framework
Protocol buffer representing the serialization format of DT_VARIANT tensors.
VariantTensorDataProto.Builder - Class in org.tensorflow.framework
Protocol buffer representing the serialization format of DT_VARIANT tensors.
VariantTensorDataProtoOrBuilder - Interface in org.tensorflow.framework
 
VarId() - Constructor for class org.nd4j.autodiff.samediff.internal.AbstractSession.VarId
 
varNameToOpName(String) - Method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
varNameToOpOutputNumber(String) - Static method in class org.nd4j.imports.graphmapper.tf.TFGraphMapper
 
varNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
 
varNumber() - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
varNumber() - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Returns the overall variance of all values in this INDArray
VarScalingNormalFanAvgInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: U / sqrt((fanin _ fanout) / 2)
VarScalingNormalFanAvgInitScheme(char, double, double) - Constructor for class org.nd4j.weightinit.impl.VarScalingNormalFanAvgInitScheme
 
VarScalingNormalFanInInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: U / fanIn
VarScalingNormalFanInInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.VarScalingNormalFanInInitScheme
 
VarScalingNormalFanOutInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: U / sqrt(fanout)
VarScalingNormalFanOutInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.VarScalingNormalFanOutInitScheme
 
VarScalingNormalUniformFanInInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: range = = 3.0 / Math.sqrt(fanIn) U(-range,range)
VarScalingNormalUniformFanInInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.VarScalingNormalUniformFanInInitScheme
 
VarScalingNormalUniformFanOutInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: randn(shape) //N(0, 2/nIn);
VarScalingNormalUniformFanOutInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.VarScalingNormalUniformFanOutInitScheme
 
VarScalingUniformFanAvgInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: range = = 3.0 / Math.sqrt((fanIn + fanOut) / 2) U(-range,range)
VarScalingUniformFanAvgInitScheme(char, double, double) - Constructor for class org.nd4j.weightinit.impl.VarScalingUniformFanAvgInitScheme
 
VarType - Class in org.nd4j.graph
 
vectorAlongDimension(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseNDArray
Get the vector along a particular dimension
vectorAlongDimension(int, int) - Method in class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
vectorAlongDimension(int, int) - Method in interface org.nd4j.linalg.api.ndarray.INDArray
Get the vector along a particular dimension
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 class org.nd4j.linalg.api.ndarray.BaseSparseNDArray
 
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.
VENDOR_FIELD_NUMBER - Static variable in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
verbose - Variable in class org.nd4j.linalg.api.ops.executioner.DefaultOpExecutioner
 
VerboseAction - Class in org.nd4j.linalg.env.impl
 
VerboseAction() - Constructor for class org.nd4j.linalg.env.impl.VerboseAction
 
VERSION_CHECK_PROPERTY - Static variable in class org.nd4j.versioncheck.VersionCheck
Deprecated.
Use ND4JSystemProperties.VERSION_CHECK_PROPERTY
VERSION_DEF_FIELD_NUMBER - Static variable in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxMlProto3.OperatorSetIdProto
 
VERSION_FIELD_NUMBER - Static variable in class onnx.OnnxProto3.OperatorSetIdProto
 
VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphDef
 
VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.framework.OpDeprecation
 
VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.util.BundleHeaderProto
 
VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.util.IteratorStateMetadata
 
VERSION_FIELD_NUMBER - Static variable in class org.tensorflow.util.SaverDef
 
VERSION_NUMBER_FIELD_NUMBER - Static variable in class org.tensorflow.framework.TensorProto
 
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
VersionDef - Class in org.tensorflow.framework
Version information for a piece of serialized data There are different types of versions for each type of data (GraphDef, etc.), but they all have the same common shape described here.
VersionDef.Builder - Class in org.tensorflow.framework
Version information for a piece of serialized data There are different types of versions for each type of data (GraphDef, etc.), but they all have the same common shape described here.
VersionDefOrBuilder - Interface in org.tensorflow.framework
 
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
 
VersionInfo(URI) - 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
VERSIONS_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GraphDef
 
VersionsProtos - Class in org.tensorflow.framework
 
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
 
VGG_MEAN_OFFSET_BGR_FLOAT - Static variable in class org.nd4j.linalg.dataset.api.preprocessor.VGG16ImagePreProcessor
 
VGG_MEAN_OFFSET_BGR_FLOAT16 - 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
 
VIRTUAL_DEVICES_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions.Experimental
 
VISIBILITY_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ApiDef
 
VISIBLE_DEVICE_LIST_FIELD_NUMBER - Static variable in class org.tensorflow.framework.GPUOptions
 
VISIBLE_VALUE - Static variable in enum org.tensorflow.framework.ApiDef.Visibility
Publicly visible in the API.
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

wasExecuted(String) - Method in class org.nd4j.autodiff.samediff.flow.FlowPath
This method returns TRUE if specified node was already executed during current pass, FALSE otherwise
weightDecay(double, boolean) - Method in class org.nd4j.autodiff.samediff.TrainingConfig.Builder
Add weight decay regularization for all trainable parameters.
WeightDecay - Class in org.nd4j.linalg.learning.regularization
WeightDecay regularization: Updater is not applied to the regularization term gradients, and (optionally) applies the learning rate.
WeightDecay(double, boolean) - Constructor for class org.nd4j.linalg.learning.regularization.WeightDecay
 
WeightDecay(ISchedule, boolean) - Constructor for class org.nd4j.linalg.learning.regularization.WeightDecay
 
WeightedCrossEntropyLoss - Class in org.nd4j.linalg.api.ops.impl.loss
Weighted cross entropy loss with logits
WeightedCrossEntropyLoss(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.loss.WeightedCrossEntropyLoss
 
weightedCrossEntropyWithLogits(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
weightedCrossEntropyWithLogits(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
TODO
weightedCrossEntropyWithLogits(String, SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDLoss
TODO
WeightInit - Enum in org.nd4j.weightinit
Weight initialization scheme
weightInitScheme - Variable in class org.nd4j.autodiff.samediff.SDVariable
 
WeightInitScheme - Interface in org.nd4j.weightinit
Defines weight initialization for neural networks.
weights - Variable in class org.nd4j.linalg.lossfunctions.impl.LossL1
 
weights - Variable in class org.nd4j.linalg.lossfunctions.impl.LossL2
 
Where - Class in org.nd4j.linalg.api.ops.impl.controlflow
 
Where(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Where
 
Where(String, INDArray[], INDArray[], List<Double>, List<Integer>) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Where
 
Where(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Where
 
Where(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.Where
 
where(INDArray, INDArray, INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Similar to numpy.where operation.
WhereNumpy - Class in org.nd4j.linalg.api.ops.impl.controlflow
 
WhereNumpy(SameDiff, SDVariable[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.WhereNumpy
 
WhereNumpy(String, INDArray[], INDArray[], List<Double>, List<Integer>) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.WhereNumpy
 
WhereNumpy(INDArray[], INDArray[]) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.WhereNumpy
 
WhereNumpy(SameDiff, SDVariable[], boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.WhereNumpy
 
While - Class in org.nd4j.linalg.api.ops.impl.controlflow
Equivalent to tensorflow's while loop Takes in: loopVars loop body condition runs loop till condition is false.
While(AtomicInteger) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.While
Mainly meant for tensorflow import.
While(While) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.While
 
While(String, SameDiff, SDVariable[], SameDiffConditional, SameDiffFunctionDefinition, SameDiffFunctionDefinition) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.While
 
WHILE_CTXT_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ControlFlowContextDef
 
WhileContextDef - Class in org.tensorflow.framework
Protocol buffer representing a WhileContext object.
WhileContextDef.Builder - Class in org.tensorflow.framework
Protocol buffer representing a WhileContext object.
WhileContextDefOrBuilder - Interface in org.tensorflow.framework
 
WhileDerivative - Class in org.nd4j.linalg.api.ops.impl.controlflow
While loop derivative
WhileDerivative(While) - Constructor for class org.nd4j.linalg.api.ops.impl.controlflow.WhileDerivative
 
whileStatement(SameDiffConditional, SameDiffFunctionDefinition, SameDiffFunctionDefinition, SDVariable[]) - Method in class org.nd4j.autodiff.samediff.SameDiff
Creates a while statement
wholeArrayDimension(int...) - Static method in class org.nd4j.linalg.api.shape.Shape
Returns true if the given array is meant for the whole dimension
WIDTH_FIELD_NUMBER - Static variable in class org.tensorflow.framework.Summary.Image
 
withInputCount(int) - Method in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
Modify the current subgraph to match only if the function has the specified number of inputs
withInputMatching(int, OpPredicate) - Method in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
Require the subgraph to match the specified predicate for the specified input.
Note that this does NOT add the specified input to part of the subgraph
i.e., the subgraph matches if the input matches the predicate, but when returning the SubGraph itself, the function for this input is not added to the SubGraph
withInputSubgraph(int, OpPredicate) - Method in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
Require the subgraph to match the specified predicate for the specified input.
Note that this DOES add the specified input to part of the subgraph
i.e., the subgraph matches if the input matches the predicate, and when returning the SubGraph itself, the function for this input IS added to the SubGraph
withOutputCount(int) - Method in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
Modify the current subgraph to match only if the function has the specified number of outputs
withRoot(OpPredicate) - Static method in class org.nd4j.autodiff.samediff.transform.SubGraphPredicate
Create a SubGraphPredicate with the specified root predicate
WORK_FINISHED_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ReaderBaseState
 
WORK_STARTED_FIELD_NUMBER - Static variable in class org.tensorflow.framework.ReaderBaseState
 
WorkerProtos - Class in org.tensorflow.distruntime
 
WorkerServiceProtos - Class in org.tensorflow.distruntime
 
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
 
WorkspaceDeallocatorThreadName - Static variable in class org.nd4j.linalg.memory.provider.BasicWorkspaceManager
Deprecated.
workspaceManagerClazz - Static variable in class org.nd4j.linalg.factory.Nd4j
 
WorkspaceMgr<T extends Enum<T>> - Interface in org.nd4j.linalg.workspace
WorkspaceMgr is an interface for managing a set of workspaces, for a set of array types (where the array types are specified by an enumeration).
workspaceNames - Variable in class org.nd4j.linalg.workspace.BaseWorkspaceMgr
 
WorkspacesBypassAction - Class in org.nd4j.linalg.env.impl
 
WorkspacesBypassAction() - Constructor for class org.nd4j.linalg.env.impl.WorkspacesBypassAction
 
WorkspacesCloseable - Class in org.nd4j.linalg.workspace
An AutoCloseable for multiple workspaces NOTE: Workspaces are closed in REVERSED order to how they are provided to the costructor; this is to mirror nested workspace use
WorkspacesCloseable(MemoryWorkspace...) - Constructor for class org.nd4j.linalg.workspace.WorkspacesCloseable
 
WorkspacesDebugAction - Class in org.nd4j.linalg.env.impl
 
WorkspacesDebugAction() - Constructor for class org.nd4j.linalg.env.impl.WorkspacesDebugAction
 
WorkspacesSpillAction - Class in org.nd4j.linalg.env.impl
 
WorkspacesSpillAction() - Constructor for class org.nd4j.linalg.env.impl.WorkspacesSpillAction
 
workspaceType - Variable in class org.nd4j.linalg.memory.abstracts.Nd4jWorkspace
 
WorkspaceUtils - Class in org.nd4j.linalg.workspace
Workspace utility methods
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
Deprecated.
 
write(SDVariable, int, SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
write(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.linalg.api.ops.impl.shape.tensorops.TensorArray
 
write(DataOutputStream) - Method in class org.nd4j.linalg.compression.CompressedDataBuffer
 
write(ImagePreProcessingScaler, OutputStream) - Method in class org.nd4j.linalg.dataset.api.preprocessor.serializer.ImagePreProcessingSerializerStrategy
 
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
writeArrayToOutputStream(INDArray, OutputStream) - Static method in class org.nd4j.serde.binary.BinarySerde
Write an array to an output stream.
writeAsNumpy(INDArray, File) - Static method in class org.nd4j.linalg.factory.Nd4j
Write an INDArray to a File in Numpy .npy format, which can then be loaded with numpy.load
writeAsNumpy(INDArray, OutputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Writes an array to an output stream
writeFinishStaticMarker() - Method in class org.nd4j.graph.ui.LogFileWriter
Write marker for final static data
writeGraphStructure(SameDiff) - Method in class org.nd4j.graph.ui.LogFileWriter
Write the graph structure
writeHistogramEventCustomBins(String, long, int, int, INDArray, INDArray) - Method in class org.nd4j.graph.ui.LogFileWriter
 
writeHistogramEventDiscrete(String, long, int, int, List<String>, INDArray) - Method in class org.nd4j.graph.ui.LogFileWriter
 
writeHistogramEventEqualSpacing(String, long, int, int, double, double, INDArray) - Method in class org.nd4j.graph.ui.LogFileWriter
 
writeScalarEvent(String, long, int, int, Number) - Method in class org.nd4j.graph.ui.LogFileWriter
Write a single scalar event to the file
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.AttributeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.GraphProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.ModelProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.NodeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.OperatorSetIdProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.StringStringEntryProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TensorProto.Segment
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TensorProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TensorShapeProto.Dimension
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TensorShapeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TypeProto.Map
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TypeProto.Sequence
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TypeProto.Tensor
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.TypeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxMlProto3.ValueInfoProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxOperatorsProto3.OperatorProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxOperatorsProto3.OperatorSetProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.AttributeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.GraphProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.ModelProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.NodeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.OperatorSetIdProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.StringStringEntryProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.TensorProto.Segment
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.TensorProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.TensorShapeProto.Dimension
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.TensorShapeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.TypeProto.Tensor
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.TypeProto
 
writeTo(CodedOutputStream) - Method in class onnx.OnnxProto3.ValueInfoProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CleanupAllRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CleanupAllResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CleanupGraphRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CleanupGraphResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CloseSessionRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CloseSessionResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ClusterDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CompleteGroupRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CompleteGroupResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CompleteInstanceRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CompleteInstanceResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CreateSessionRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CreateSessionResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CreateWorkerSessionRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.CreateWorkerSessionResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.DeleteWorkerSessionResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.DeregisterGraphRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.DeregisterGraphResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ExecutorOpts
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ExtendSessionRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ExtendSessionResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.GetStatusRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.GetStatusResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.GetStepSequenceRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.GetStepSequenceResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.JobDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.LabeledStepStats
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ListDevicesRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ListDevicesResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.LoggingRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.LoggingResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.MakeCallableRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.MakeCallableResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.PartialRunSetupRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.PartialRunSetupResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RecvBufRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RecvBufResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RecvTensorRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RecvTensorResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RegisterGraphRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RegisterGraphResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ReleaseCallableRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ReleaseCallableResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ResetRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ResetResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RunCallableRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RunCallableResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RunGraphRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RunGraphResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RunStepRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.RunStepResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.ServerDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.StepSequence
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.TraceOpts
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.TracingRequest
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.distruntime.TracingResponse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.AllocationDescription
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.AllocationRecord
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.AllocatorMemoryUsed
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ApiDef.Arg
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ApiDef.Attr
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ApiDef.Endpoint
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ApiDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ApiDefs
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.AssetFileDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.AttrValue.ListValue
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.AttrValue
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.AutoParallelOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CallableOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CollectionDef.AnyList
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CollectionDef.BytesList
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CollectionDef.FloatList
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CollectionDef.Int64List
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CollectionDef.NodeList
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CollectionDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CondContextDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ConfigProto.Experimental
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ConfigProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ControlFlowContextDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CostGraphDef.Node.InputInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CostGraphDef.Node.OutputInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CostGraphDef.Node
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CostGraphDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CriticalSectionDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.CriticalSectionExecutionDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.DebuggedSourceFile
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.DebuggedSourceFiles
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.DebugOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.DebugTensorWatch
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.DeviceAttributes
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.DeviceLocality
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.DeviceStepStats
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.FunctionDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.FunctionDefLibrary
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GPUOptions.Experimental.VirtualDevices
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GPUOptions.Experimental
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GPUOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GradientDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferConstNodeInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferGraphInputNodeInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferGraphOutputNodeInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferNodeInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferNodeInput
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferNodeInputInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.GraphTransferNodeOutputInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.HistogramProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.InterconnectLink
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.KernelDef.AttrConstraint
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.KernelDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.LocalLinks
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MemoryLogRawAllocation
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MemoryLogRawDeallocation
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MemoryLogStep
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MemoryLogTensorAllocation
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MemoryLogTensorDeallocation
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MemoryLogTensorOutput
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MemoryStats
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MetaGraphDef.MetaInfoDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.MetaGraphDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.NameAttrList
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.NamedTensorProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.NodeDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.NodeExecStats
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.NodeOutput
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.OpDef.ArgDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.OpDef.AttrDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.OpDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.OpDeprecation
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.OpList
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.OptimizerOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.QueueRunnerDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ReaderBaseState
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo.TensorShapeTypeProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RemoteFusedGraphExecuteInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ResourceHandleProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RewriterConfig.CustomGraphOptimizer
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RewriterConfig
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RPCOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RunMetadata
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RunOptions.Experimental
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.RunOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.SavedModel
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.SaveSliceInfoDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ScopedAllocatorOptions
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.SignatureDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.StepStats
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.Summary.Audio
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.Summary.Image
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.Summary.Value
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.Summary
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.SummaryDescription
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.SummaryMetadata.PluginData
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.SummaryMetadata
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorConnection
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorDescription
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorInfo.CooSparse
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorInfo
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorShapeProto.Dim
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorShapeProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorSliceProto.Extent
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.TensorSliceProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ThreadPoolOptionProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.ValuesDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.VariableDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.VariantTensorDataProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.VersionDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.framework.WhileContextDef
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.util.BundleEntryProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.util.BundleHeaderProto
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.util.IteratorStateMetadata
 
writeTo(CodedOutputStream) - Method in class org.tensorflow.util.SaverDef
 
writeTo(CodedOutputStream) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.ObjectReference
 
writeTo(CodedOutputStream) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor
 
writeTo(CodedOutputStream) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference
 
writeTo(CodedOutputStream) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph.CheckpointableObject
 
writeTo(CodedOutputStream) - Method in class tensorflow.CheckpointableObjectGraphOuterClass.CheckpointableObjectGraph
 
writeTo(CodedOutputStream) - Method in class tensorflow.DevicePropertiesProtos.DeviceProperties
 
writeTo(CodedOutputStream) - Method in class tensorflow.DevicePropertiesProtos.NamedDevice
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextRequest
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.CloseContextResponse
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextRequest
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.CreateContextResponse
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueRequest
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.EnqueueResponse
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveRequest
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.KeepAliveResponse
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.Operation
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.QueueItem
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionRequest
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.RegisterFunctionResponse
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.RemoteTensorHandle
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneRequest
 
writeTo(CodedOutputStream) - Method in class tensorflow.eager.EagerServiceOuterClass.WaitQueueDoneResponse
 
writeTo(CodedOutputStream) - Method in class tensorflow.TransportOptions.RecvBufRespExtra
 
writeTxt(INDArray, String, String, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
custom col separators are no longer supported; uses ","
writeTxt(INDArray, String, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
Precision is no longer used. Defaults to scientific notation with 18 digits after the decimal Use Nd4j.writeTxt(INDArray, String)
writeTxt(INDArray, String, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
custom col and higher dimension separators are no longer supported; uses "," Use Nd4j.writeTxt(INDArray, String)
writeTxt(INDArray, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Write NDArray to a text file
writeTxtString(INDArray, OutputStream, String, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
custom col separators are no longer supported; uses ","
writeTxtString(INDArray, OutputStream, int) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
precision can no longer be specified. The array is written in scientific notation. Use Nd4j.writeTxtString(INDArray, OutputStream)
writeTxtString(INDArray, OutputStream, String) - Static method in class org.nd4j.linalg.factory.Nd4j
Deprecated.
column separator can longer be specified; Uses "," Use Nd4j.writeTxtString(INDArray, OutputStream) instead
writeTxtString(INDArray, OutputStream) - Static method in class org.nd4j.linalg.factory.Nd4j
Write ndarray as text to output stream

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.random.impl.Linspace
 
XavierFanInInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: randn(shape) //N(0, 2/nIn);
XavierFanInInitScheme(char, double) - Constructor for class org.nd4j.weightinit.impl.XavierFanInInitScheme
 
XavierInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: range = = U * sqrt(2.0 / (fanIn + fanOut)
XavierInitScheme(char, double, double) - Constructor for class org.nd4j.weightinit.impl.XavierInitScheme
 
XavierUniformInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to: //As per Glorot and Bengio 2010: Uniform distribution U(-s,s) with s = sqrt(6/(fanIn + fanOut)) Eq 16: http://jmlr.org/proceedings/papers/v9/glorot10a/glorot10a.pdf
XavierUniformInitScheme(char, double, double) - Constructor for class org.nd4j.weightinit.impl.XavierUniformInitScheme
 
xor(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
xor(SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Boolean XOR (exclusive OR) operation: elementwise (x != 0) XOR (y != 0)
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
xor(String, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Boolean XOR (exclusive OR) operation: elementwise (x != 0) XOR (y != 0)
If x and y arrays have equal shape, the output shape is the same as these inputs.
Note: supports broadcasting if x and y have different shapes and are broadcastable.
Returns an array with values 1 where condition is satisfied, or value 0 otherwise.
Xor - Class in org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool
Boolean XOR pairwise transform
Xor(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
Xor(SameDiff, SDVariable, boolean, double) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
Xor() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
Xor(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
Xor(INDArray, INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
Xor(INDArray, INDArray, INDArray, Number) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.pairwise.bool.Xor
 
xor(INDArray, INDArray) - Static method in class org.nd4j.linalg.ops.transforms.Transforms
 
xVertexId - Variable in class org.nd4j.linalg.api.ops.BaseOp
 
xwPlusB(SDVariable, SDVariable, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
XwPlusB - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Composed op: mmul (X, W) + b
XwPlusB(SameDiff, SDVariable, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.XwPlusB
 

Y

y() - Method in class org.nd4j.graph.UIHistogram
 
y(FlatArray) - Method in class org.nd4j.graph.UIHistogram
 
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.random.impl.Linspace
 
yVertexId - Variable in class org.nd4j.linalg.api.ops.BaseOp
 

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.BaseScalarBoolOp
 
z() - Method in class org.nd4j.linalg.api.ops.BaseScalarOp
 
z() - Method in class org.nd4j.linalg.api.ops.BaseTransformOp
 
z() - Method in interface org.nd4j.linalg.api.ops.Op
The resulting ndarray
zero(String, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
zero(String, int...) - Method in class org.nd4j.autodiff.samediff.SameDiff
 
zero(String, DataType, long...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new variable with the specified shape, with all values initialized to 0
zero(String, DataType, int...) - Method in class org.nd4j.autodiff.samediff.SameDiff
Create a new variable with the specified shape, with all values initialized to 0
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
 
zeroFraction(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
zeroFraction(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Full array zero fraction array reduction operation, optionally along specified dimensions: out = (count(x == 0) / length(x))
zeroFraction(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDMath
Full array zero fraction array reduction operation, optionally along specified dimensions: out = (count(x == 0) / length(x))
ZeroFraction - Class in org.nd4j.linalg.api.ops.impl.reduce
Compute the fraction of zero elements
ZeroFraction(SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.reduce.ZeroFraction
 
ZeroInitScheme - Class in org.nd4j.weightinit.impl
Initialize the weight to zero.
ZeroInitScheme(char) - Constructor for class org.nd4j.weightinit.impl.ZeroInitScheme
 
zeros(long, long) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
Creates a row vector with the specified number of columns
zeros(long) - 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(long[]) - Method in class org.nd4j.linalg.factory.BaseNDArrayFactory
 
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[], DataType) - 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(long, long) - 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(DataType, int) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(DataType, long...) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of zeros
zeros(long[], char) - Static method in class org.nd4j.linalg.factory.Nd4j
 
zeros(int...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of zeros
zeros(long...) - Static method in class org.nd4j.linalg.factory.Nd4j
Create an ndarray of zeros
zeros(long, long) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
Creates a row vector with the specified number of columns
zeros(long) - 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
zeros(long[]) - Method in interface org.nd4j.linalg.factory.NDArrayFactory
 
zerosLike(SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
zerosLike(String, SDVariable) - Method in class org.nd4j.autodiff.functions.DifferentialFunctionFactory
 
zerosLike(SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return a variable of all 0s, with the same shape as the input variable.
zerosLike(String, SDVariable) - Method in class org.nd4j.autodiff.samediff.ops.SDBaseOps
Return a variable of all 0s, with the same shape as the input variable.
ZerosLike - Class in org.nd4j.linalg.api.ops.impl.shape
Reshape function
ZerosLike() - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
ZerosLike(String, SameDiff, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
ZerosLike(String, SameDiff, SDVariable, boolean) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
ZerosLike(INDArray, INDArray) - Constructor for class org.nd4j.linalg.api.ops.impl.shape.ZerosLike
 
zerosLike(INDArray) - Static method in class org.nd4j.linalg.factory.Nd4j
Empty like
Zeta - Class in org.nd4j.linalg.api.ops.impl.transforms.custom
Element-wise Zeta function.
Zeta(SameDiff, SDVariable, SDVariable) - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Zeta
 
Zeta() - Constructor for class org.nd4j.linalg.api.ops.impl.transforms.custom.Zeta
 
zVertexId - Variable in class org.nd4j.linalg.api.ops.BaseOp
 

_

__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatArray
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatArrayList
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatConfiguration
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatDropRequest
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatGraph
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatInferenceRequest
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatResponse
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatResult
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatTiming
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FlatVariable
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.FrameIteration
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.IntPair
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.IntTriple
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.LongPair
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.LongTriple
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIAddName
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIEvent
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIGraphStructure
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIHardwareState
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIHistogram
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIOp
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIStaticInfoRecord
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UISummaryStatistics
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UISystemInfo
 
__assign(int, ByteBuffer) - Method in class org.nd4j.graph.UIVariable
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatArray
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatArrayList
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatConfiguration
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatDropRequest
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatGraph
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatInferenceRequest
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatNode
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatProperties
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatResponse
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatResult
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatTiming
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FlatVariable
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.FrameIteration
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.IntPair
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.IntTriple
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.LongPair
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.LongTriple
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIAddName
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIEvent
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIGraphStructure
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIHardwareState
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIHistogram
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIOp
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIStaticInfoRecord
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UISummaryStatistics
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UISystemInfo
 
__init(int, ByteBuffer) - Method in class org.nd4j.graph.UIVariable
 
_START_VERSION_VALUE - Static variable in enum onnx.OnnxMlProto3.Version
proto3 requires the first enum value to be zero.
_START_VERSION_VALUE - Static variable in enum onnx.OnnxProto3.Version
proto3 requires the first enum value to be zero.
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 © 2019. All rights reserved.