Index

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 
All Classes and Interfaces|All Packages|Constant Field Values

A

a - Variable in class org.tensorflow.op.linalg.Cross.Inputs
A tensor containing 3-element vectors.
a - Variable in class org.tensorflow.op.linalg.MatMul.Inputs
The a input
a - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
Must be a two-dimensional tensor.
a - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
A matrix to be multiplied.
a - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
A matrix to be multiplied.
a - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
A matrix to be multiplied.
a - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd.Inputs
A CSRSparseMatrix.
a - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
A CSRSparseMatrix.
a - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMul.Inputs
A CSRSparseMatrix.
a - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
A CSRSparseMatrix.
a - Variable in class org.tensorflow.op.math.Betainc.Inputs
The a input
a - Variable in class org.tensorflow.op.math.Igamma.Inputs
The a input
a - Variable in class org.tensorflow.op.math.Igammac.Inputs
The a input
a - Variable in class org.tensorflow.op.math.IgammaGradA.Inputs
The a input
a - Variable in class org.tensorflow.op.math.Polygamma.Inputs
The a input
a - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The a input
a - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The a input
a - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The a input
abort(Abort.Options...) - Method in class org.tensorflow.op.Ops
Raise a exception to abort the process when called.
Abort - Class in org.tensorflow.op.core
Raise a exception to abort the process when called.
Abort(Operation) - Constructor for class org.tensorflow.op.core.Abort
 
Abort.Inputs - Class in org.tensorflow.op.core
 
Abort.Options - Class in org.tensorflow.op.core
Optional attributes for Abort
abs(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the absolute value of a tensor.
Abs<T extends TNumber> - Class in org.tensorflow.op.math
Computes the absolute value of a tensor.
Abs(Operation) - Constructor for class org.tensorflow.op.math.Abs
 
Abs.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
AbstractGradientAdapter - Class in org.tensorflow
Helper base class for custom gradient adapters INTERNAL USE ONLY
AbstractGradientAdapter() - Constructor for class org.tensorflow.AbstractGradientAdapter
 
acceptableFraction - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
The minimum required fraction of lines before a truncated input is accepted.
acceptableFraction - Variable in class org.tensorflow.op.image.DecodeJpeg.Inputs
The minimum required fraction of lines before a truncated input is accepted.
acceptableFraction(Float) - Static method in class org.tensorflow.op.image.DecodeAndCropJpeg
Sets the acceptableFraction option.
acceptableFraction(Float) - Method in class org.tensorflow.op.image.DecodeAndCropJpeg.Options
Sets the acceptableFraction option.
acceptableFraction(Float) - Static method in class org.tensorflow.op.image.DecodeJpeg
Sets the acceptableFraction option.
acceptableFraction(Float) - Method in class org.tensorflow.op.image.DecodeJpeg.Options
Sets the acceptableFraction option.
accum - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ApplyAdagrad.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
Should be from a Variable().
accum - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
Should be from a Variable().
accumulateN(Iterable<Operand<T>>, Shape) - Method in class org.tensorflow.op.MathOps
Returns the element-wise sum of a list of tensors.
AccumulateN<T extends TType> - Class in org.tensorflow.op.math
Returns the element-wise sum of a list of tensors.
AccumulateN(Operation) - Constructor for class org.tensorflow.op.math.AccumulateN
 
AccumulateN.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
accumulator - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagrad.Inputs
The accumulator input
accumulator - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The accumulator input
accumulator - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The accumulator input
accumulator - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The accumulator input
accumulator - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The accumulator input
accumulator - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The accumulator input
accumulatorApplyGradient(Operand<TString>, Operand<TInt64>, Operand<? extends TType>) - Method in class org.tensorflow.op.TrainOps
Applies a gradient to a given accumulator.
AccumulatorApplyGradient - Class in org.tensorflow.op.train
Applies a gradient to a given accumulator.
AccumulatorApplyGradient(Operation) - Constructor for class org.tensorflow.op.train.AccumulatorApplyGradient
 
AccumulatorApplyGradient.Inputs - Class in org.tensorflow.op.train
 
accumulatorNumAccumulated(Operand<TString>) - Method in class org.tensorflow.op.TrainOps
Returns the number of gradients aggregated in the given accumulators.
AccumulatorNumAccumulated - Class in org.tensorflow.op.train
Returns the number of gradients aggregated in the given accumulators.
AccumulatorNumAccumulated(Operation) - Constructor for class org.tensorflow.op.train.AccumulatorNumAccumulated
 
AccumulatorNumAccumulated.Inputs - Class in org.tensorflow.op.train
 
accumulators - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
Value of accumulators used in the Adadelta optimization algorithm.
accumulators - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
Value of accumulators used in the Adagrad Momentum optimization algorithm.
accumulators - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
Value of accumulators used in the Adagrad optimization algorithm.
accumulators - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
Value of accumulators used in the FTRL optimization algorithm.
accumulators - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
Value of accumulators used in the MDL Adagrad Light optimization algorithm.
accumulators - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
Value of accumulators used in the proximal Adagrad optimization algorithm.
accumulators() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
Gets accumulators.
accumulators() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
Gets accumulators.
accumulators() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
Gets accumulators.
accumulators() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
Gets accumulators.
accumulators() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Gets accumulators.
accumulators() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
Gets accumulators.
accumulatorSetGlobalStep(Operand<TString>, Operand<TInt64>) - Method in class org.tensorflow.op.TrainOps
Updates the accumulator with a new value for global_step.
AccumulatorSetGlobalStep - Class in org.tensorflow.op.train
Updates the accumulator with a new value for global_step.
AccumulatorSetGlobalStep(Operation) - Constructor for class org.tensorflow.op.train.AccumulatorSetGlobalStep
 
AccumulatorSetGlobalStep.Inputs - Class in org.tensorflow.op.train
 
accumulatorTakeGradient(Operand<TString>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.TrainOps
Extracts the average gradient in the given ConditionalAccumulator.
AccumulatorTakeGradient<T extends TType> - Class in org.tensorflow.op.train
Extracts the average gradient in the given ConditionalAccumulator.
AccumulatorTakeGradient(Operation) - Constructor for class org.tensorflow.op.train.AccumulatorTakeGradient
 
AccumulatorTakeGradient.Inputs - Class in org.tensorflow.op.train
 
accumUpdate - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
Should be from a Variable().
accumUpdate - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
Should be from a Variable().
accumUpdate - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
: Should be from a Variable().
accumUpdate - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
: Should be from a Variable().
acos(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes acos of x element-wise.
Acos<T extends TType> - Class in org.tensorflow.op.math
Computes acos of x element-wise.
Acos(Operation) - Constructor for class org.tensorflow.op.math.Acos
 
Acos.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
acosh(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes inverse hyperbolic cosine of x element-wise.
Acosh<T extends TType> - Class in org.tensorflow.op.math
Computes inverse hyperbolic cosine of x element-wise.
Acosh(Operation) - Constructor for class org.tensorflow.op.math.Acosh
 
Acosh.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
activationGradients - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The activationGradients input
activationGradients - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The activationGradients input
activationGradients - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The activationGradients input
activationGradients - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The activationGradients input
activationGradients - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The activationGradients input
activations() - Method in class org.tensorflow.op.math.Softplus
Gets activations.
activations() - Method in class org.tensorflow.op.nn.Elu
Gets activations.
activations() - Method in class org.tensorflow.op.nn.LeakyRelu
Gets activations.
activations() - Method in class org.tensorflow.op.nn.QuantizedRelu
Gets activations.
activations() - Method in class org.tensorflow.op.nn.QuantizedRelu6
Gets activations.
activations() - Method in class org.tensorflow.op.nn.QuantizedReluX
Gets activations.
activations() - Method in class org.tensorflow.op.nn.Relu
Gets activations.
activations() - Method in class org.tensorflow.op.nn.Relu6
Gets activations.
activations() - Method in class org.tensorflow.op.nn.Selu
Gets activations.
activations() - Method in class org.tensorflow.op.nn.Softsign
Gets activations.
activations() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmul
Gets activations.
activations() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput
Gets activations.
adapter(CustomGradient<T>, Class<T>) - Static method in interface org.tensorflow.op.CustomGradient
Create an adapter for the custom gradient so that it can be used by native code.
adapter(RawCustomGradient) - Static method in interface org.tensorflow.op.RawCustomGradient
Create an adapter for the custom gradient so that it can be used by native code.
adaptive - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
Whether to use Adaptive SDCA for the inner loop.
adaptive(Boolean) - Static method in class org.tensorflow.op.train.SdcaOptimizer
Sets the adaptive option.
adaptive(Boolean) - Method in class org.tensorflow.op.train.SdcaOptimizer.Options
Sets the adaptive option.
add(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x + y element-wise.
Add<T extends TType> - Class in org.tensorflow.op.math
Returns x + y element-wise.
Add(Operation) - Constructor for class org.tensorflow.op.math.Add
 
Add.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
addControlInput(Operation) - Method in class org.tensorflow.GraphOperationBuilder
 
addControlInput(Operation) - Method in interface org.tensorflow.OperationBuilder
Ensure that the operation does not execute before the control operation does.
addGradients(String, Output<?>[], Output<?>[], Output<?>[]) - Method in class org.tensorflow.Graph
Adds operations to compute the partial derivatives of sum of ys w.r.t xs, i.e., d(y_1 + y_2 + ...)/dx_1, d(y_1 + y_2 + ...)/dx_2...
addGradients(Output<?>, Output<?>[]) - Method in class org.tensorflow.Graph
Adds operations to compute the partial derivatives of sum of ys w.r.t xs, i.e., dy/dx_1, dy/dx_2...
addInput(Output<?>) - Method in class org.tensorflow.GraphOperationBuilder
 
addInput(Output<?>) - Method in interface org.tensorflow.OperationBuilder
Add the output of another operation as the next input of the operation being built.
addInputList(Output<?>[]) - Method in class org.tensorflow.GraphOperationBuilder
 
addInputList(Output<?>[]) - Method in interface org.tensorflow.OperationBuilder
Add the outputs of another operation as the next inputs of the operation being built.
addManySparseToTensorsMap(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, AddManySparseToTensorsMap.Options...) - Method in class org.tensorflow.op.SparseOps
Add an N-minibatch SparseTensor to a SparseTensorsMap, return N handles.
AddManySparseToTensorsMap - Class in org.tensorflow.op.sparse
Add an N-minibatch SparseTensor to a SparseTensorsMap, return N handles.
AddManySparseToTensorsMap(Operation) - Constructor for class org.tensorflow.op.sparse.AddManySparseToTensorsMap
 
AddManySparseToTensorsMap.Inputs - Class in org.tensorflow.op.sparse
 
AddManySparseToTensorsMap.Options - Class in org.tensorflow.op.sparse
Optional attributes for AddManySparseToTensorsMap
addN(Iterable<Operand<T>>) - Method in class org.tensorflow.op.MathOps
Add all input tensors element wise.
AddN<T extends TType> - Class in org.tensorflow.op.math
Add all input tensors element wise.
AddN(Operation) - Constructor for class org.tensorflow.op.math.AddN
 
AddN.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
address - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The address input
address - Variable in class org.tensorflow.op.data.RegisterDataset.Inputs
The address input
address - Variable in class org.tensorflow.op.train.DistributedSave.Inputs
The address input
addSparseToTensorsMap(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, AddSparseToTensorsMap.Options...) - Method in class org.tensorflow.op.SparseOps
Add a SparseTensor to a SparseTensorsMap return its handle.
AddSparseToTensorsMap - Class in org.tensorflow.op.sparse
Add a SparseTensor to a SparseTensorsMap return its handle.
AddSparseToTensorsMap(Operation) - Constructor for class org.tensorflow.op.sparse.AddSparseToTensorsMap
 
AddSparseToTensorsMap.Inputs - Class in org.tensorflow.op.sparse
 
AddSparseToTensorsMap.Options - Class in org.tensorflow.op.sparse
Optional attributes for AddSparseToTensorsMap
addTarget(String) - Method in class org.tensorflow.Session.Runner
Make Session.Runner.run() execute operation, but not return any evaluated Tensors.
addTarget(Op) - Method in class org.tensorflow.Session.Runner
Make Session.Runner.run() execute op, but not return any evaluated Tensors.
addTarget(Operation) - Method in class org.tensorflow.Session.Runner
Make Session.Runner.run() execute operation, but not return any evaluated Tensors.
adjoint - Variable in class org.tensorflow.op.linalg.BandedTriangularSolve.Inputs
The adjoint attribute
adjoint - Variable in class org.tensorflow.op.linalg.BatchMatrixInverse.Inputs
The adjoint attribute
adjoint - Variable in class org.tensorflow.op.linalg.BatchMatrixSolve.Inputs
The adjoint attribute
adjoint - Variable in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Inputs
The adjoint attribute
adjoint - Variable in class org.tensorflow.op.linalg.Inv.Inputs
The adjoint attribute
adjoint - Variable in class org.tensorflow.op.linalg.Solve.Inputs
Boolean indicating whether to solve with matrix or its (block-wise) adjoint.
adjoint - Variable in class org.tensorflow.op.linalg.TriangularSolve.Inputs
Boolean indicating whether to solve with matrix or its (block-wise) adjoint.
adjoint(Boolean) - Static method in class org.tensorflow.op.linalg.BandedTriangularSolve
Sets the adjoint option.
adjoint(Boolean) - Method in class org.tensorflow.op.linalg.BandedTriangularSolve.Options
Sets the adjoint option.
adjoint(Boolean) - Static method in class org.tensorflow.op.linalg.BatchMatrixInverse
Sets the adjoint option.
adjoint(Boolean) - Method in class org.tensorflow.op.linalg.BatchMatrixInverse.Options
Sets the adjoint option.
adjoint(Boolean) - Static method in class org.tensorflow.op.linalg.BatchMatrixSolve
Sets the adjoint option.
adjoint(Boolean) - Method in class org.tensorflow.op.linalg.BatchMatrixSolve.Options
Sets the adjoint option.
adjoint(Boolean) - Static method in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve
Sets the adjoint option.
adjoint(Boolean) - Method in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Options
Sets the adjoint option.
adjoint(Boolean) - Static method in class org.tensorflow.op.linalg.Inv
Sets the adjoint option.
adjoint(Boolean) - Method in class org.tensorflow.op.linalg.Inv.Options
Sets the adjoint option.
adjoint(Boolean) - Static method in class org.tensorflow.op.linalg.Solve
Sets the adjoint option.
adjoint(Boolean) - Method in class org.tensorflow.op.linalg.Solve.Options
Sets the adjoint option.
adjoint(Boolean) - Static method in class org.tensorflow.op.linalg.TriangularSolve
Sets the adjoint option.
adjoint(Boolean) - Method in class org.tensorflow.op.linalg.TriangularSolve.Options
Sets the adjoint option.
adjointA - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
Indicates whether a should be conjugate-transposed.
adjointA - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
Indicates whether a should be conjugate-transposed.
adjointA - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
Use the adjoint of A in the matrix multiply.
adjointA(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Sets the adjointA option.
adjointA(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Options
Sets the adjointA option.
adjointA(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
Sets the adjointA option.
adjointA(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Options
Sets the adjointA option.
adjointA(Boolean) - Static method in class org.tensorflow.op.sparse.SparseTensorDenseMatMul
Sets the adjointA option.
adjointA(Boolean) - Method in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Options
Sets the adjointA option.
adjointB - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
Indicates whether b should be conjugate-transposed.
adjointB - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
Indicates whether b should be conjugate-transposed.
adjointB - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
Use the adjoint of B in the matrix multiply.
adjointB(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Sets the adjointB option.
adjointB(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Options
Sets the adjointB option.
adjointB(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
Sets the adjointB option.
adjointB(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Options
Sets the adjointB option.
adjointB(Boolean) - Static method in class org.tensorflow.op.sparse.SparseTensorDenseMatMul
Sets the adjointB option.
adjointB(Boolean) - Method in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Options
Sets the adjointB option.
adjustContrast(Operand<T>, Operand<TFloat32>) - Method in class org.tensorflow.op.ImageOps
Adjust the contrast of one or more images.
AdjustContrast<T extends TNumber> - Class in org.tensorflow.op.image
Adjust the contrast of one or more images.
AdjustContrast(Operation) - Constructor for class org.tensorflow.op.image.AdjustContrast
 
AdjustContrast.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
adjustHue(Operand<T>, Operand<TFloat32>) - Method in class org.tensorflow.op.ImageOps
Adjust the hue of one or more images.
AdjustHue<T extends TNumber> - Class in org.tensorflow.op.image
Adjust the hue of one or more images.
AdjustHue(Operation) - Constructor for class org.tensorflow.op.image.AdjustHue
 
AdjustHue.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
adjustSaturation(Operand<T>, Operand<TFloat32>) - Method in class org.tensorflow.op.ImageOps
Adjust the saturation of one or more images.
AdjustSaturation<T extends TNumber> - Class in org.tensorflow.op.image
Adjust the saturation of one or more images.
AdjustSaturation(Operation) - Constructor for class org.tensorflow.op.image.AdjustSaturation
 
AdjustSaturation.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
adjX - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
If True, adjoint the slices of x.
adjX(Boolean) - Static method in class org.tensorflow.op.train.BatchMatMul
Sets the adjX option.
adjX(Boolean) - Method in class org.tensorflow.op.train.BatchMatMul.Options
Sets the adjX option.
adjY - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
If True, adjoint the slices of y.
adjY(Boolean) - Static method in class org.tensorflow.op.train.BatchMatMul
Sets the adjY option.
adjY(Boolean) - Method in class org.tensorflow.op.train.BatchMatMul.Options
Sets the adjY option.
aggregateToTopk - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
When true, aggregates approximate results to top-k.
aggregateToTopk(Boolean) - Static method in class org.tensorflow.op.core.ApproxTopK
Sets the aggregateToTopk option.
aggregateToTopk(Boolean) - Method in class org.tensorflow.op.core.ApproxTopK.Options
Sets the aggregateToTopk option.
aggregationWeights - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of rank 1 Tensors containing per training example aggregation weights.
aggregationWeights - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The aggregationWeights input
aggregationWeights - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of rank 1 Tensors containing per training example aggregation weights.
aggregationWeights - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
A list of rank 1 Tensors containing per training example aggregation weights.
aggregationWeights - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
A list of rank 1 Tensors containing per sample -- i.e.
aggregationWeights - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
A list of rank 1 Tensors containing per training example aggregation weights.
aIndices - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
2-D.
aIndices - Variable in class org.tensorflow.op.sparse.SparseAddGrad.Inputs
2-D.
aIndices - Variable in class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
2-D.
aIndices - Variable in class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
2-D.
aIndices - Variable in class org.tensorflow.op.sparse.SparseTensorDenseAdd.Inputs
2-D.
aIndices - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
2-D.
aIsSparse - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The aIsSparse attribute
aIsSparse(Boolean) - Static method in class org.tensorflow.op.sparse.SparseMatMul
Sets the aIsSparse option.
aIsSparse(Boolean) - Method in class org.tensorflow.op.sparse.SparseMatMul.Options
Sets the aIsSparse option.
alg - Variable in class org.tensorflow.op.core.StochasticCastToInt.Inputs
The RNG algorithm (shape int32[]).
alg - Variable in class org.tensorflow.op.random.experimental.StatelessShuffle.Inputs
The RNG algorithm (shape int32[]).
alg - Variable in class org.tensorflow.op.random.RngReadAndSkip.Inputs
The RNG algorithm.
alg - Variable in class org.tensorflow.op.random.StatelessRandomGamma.Inputs
The RNG algorithm (shape int32[]).
alg - Variable in class org.tensorflow.op.random.StatelessRandomNormalV2.Inputs
The RNG algorithm (shape int32[]).
alg - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2.Inputs
The RNG algorithm (shape int32[]).
alg - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
The RNG algorithm (shape int32[]).
alg - Variable in class org.tensorflow.op.random.StatelessRandomUniformV2.Inputs
The RNG algorithm (shape int32[]).
alg - Variable in class org.tensorflow.op.random.StatelessTruncatedNormalV2.Inputs
The RNG algorithm (shape int32[]).
alg() - Method in class org.tensorflow.op.random.StatelessRandomGetAlg
Gets alg.
alg() - Method in class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg
Gets alg.
algorithm - Variable in class org.tensorflow.op.data.ModelDataset.Inputs
The algorithm attribute
algorithm - Variable in class org.tensorflow.op.random.RngSkip.Inputs
The RNG algorithm.
algorithm - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The algorithm input
algorithm - Variable in class org.tensorflow.op.random.StatefulStandardNormal.Inputs
The RNG algorithm.
algorithm - Variable in class org.tensorflow.op.random.StatefulTruncatedNormal.Inputs
The RNG algorithm.
algorithm - Variable in class org.tensorflow.op.random.StatefulUniform.Inputs
The RNG algorithm.
algorithm - Variable in class org.tensorflow.op.random.StatefulUniformFullInt.Inputs
The RNG algorithm.
algorithm - Variable in class org.tensorflow.op.random.StatefulUniformInt.Inputs
The RNG algorithm.
algorithm(Long) - Static method in class org.tensorflow.op.data.ModelDataset
Sets the algorithm option.
algorithm(Long) - Method in class org.tensorflow.op.data.ModelDataset.Options
Sets the algorithm option.
align - Variable in class org.tensorflow.op.linalg.MatrixDiagPartV3.Inputs
Some diagonals are shorter than max_diag_len and need to be padded.
align - Variable in class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
Some diagonals are shorter than max_diag_len and need to be padded.
align - Variable in class org.tensorflow.op.linalg.MatrixSetDiag.Inputs
Some diagonals are shorter than max_diag_len and need to be padded.
align(String) - Static method in class org.tensorflow.op.linalg.MatrixDiagPartV3
Sets the align option.
align(String) - Method in class org.tensorflow.op.linalg.MatrixDiagPartV3.Options
Sets the align option.
align(String) - Static method in class org.tensorflow.op.linalg.MatrixDiagV3
Sets the align option.
align(String) - Method in class org.tensorflow.op.linalg.MatrixDiagV3.Options
Sets the align option.
align(String) - Static method in class org.tensorflow.op.linalg.MatrixSetDiag
Sets the align option.
align(String) - Method in class org.tensorflow.op.linalg.MatrixSetDiag.Options
Sets the align option.
alignCorners - Variable in class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
If true, the centers of the 4 corner pixels of the input and output tensors are aligned, preserving the values at the corner pixels.
alignCorners - Variable in class org.tensorflow.op.image.ResizeArea.Inputs
If true, the centers of the 4 corner pixels of the input and output tensors are aligned, preserving the values at the corner pixels.
alignCorners - Variable in class org.tensorflow.op.image.ResizeBicubic.Inputs
If true, the centers of the 4 corner pixels of the input and output tensors are aligned, preserving the values at the corner pixels.
alignCorners - Variable in class org.tensorflow.op.image.ResizeBicubicGrad.Inputs
If true, the centers of the 4 corner pixels of the input and grad tensors are aligned.
alignCorners - Variable in class org.tensorflow.op.image.ResizeBilinear.Inputs
If true, the centers of the 4 corner pixels of the input and output tensors are aligned, preserving the values at the corner pixels.
alignCorners - Variable in class org.tensorflow.op.image.ResizeBilinearGrad.Inputs
If true, the centers of the 4 corner pixels of the input and grad tensors are aligned.
alignCorners - Variable in class org.tensorflow.op.image.ResizeNearestNeighbor.Inputs
If true, the centers of the 4 corner pixels of the input and output tensors are aligned, preserving the values at the corner pixels.
alignCorners - Variable in class org.tensorflow.op.image.ResizeNearestNeighborGrad.Inputs
If true, the centers of the 4 corner pixels of the input and grad tensors are aligned.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.QuantizedResizeBilinear
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.QuantizedResizeBilinear.Options
Sets the alignCorners option.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.ResizeArea
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.ResizeArea.Options
Sets the alignCorners option.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.ResizeBicubic
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.ResizeBicubic.Options
Sets the alignCorners option.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.ResizeBicubicGrad
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.ResizeBicubicGrad.Options
Sets the alignCorners option.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.ResizeBilinear
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.ResizeBilinear.Options
Sets the alignCorners option.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.ResizeBilinearGrad
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.ResizeBilinearGrad.Options
Sets the alignCorners option.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.ResizeNearestNeighbor
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.ResizeNearestNeighbor.Options
Sets the alignCorners option.
alignCorners(Boolean) - Static method in class org.tensorflow.op.image.ResizeNearestNeighborGrad
Sets the alignCorners option.
alignCorners(Boolean) - Method in class org.tensorflow.op.image.ResizeNearestNeighborGrad.Options
Sets the alignCorners option.
all(Operand<TBool>, Operand<? extends TNumber>, All.Options...) - Method in class org.tensorflow.op.Ops
Computes the "logical and" of elements across dimensions of a tensor.
All - Class in org.tensorflow.op.core
Computes the "logical and" of elements across dimensions of a tensor.
All(Operation) - Constructor for class org.tensorflow.op.core.All
 
All.Inputs - Class in org.tensorflow.op.core
 
All.Options - Class in org.tensorflow.op.core
Optional attributes for All
allCandidateSampler(Operand<TInt64>, Long, Long, Boolean, AllCandidateSampler.Options...) - Method in class org.tensorflow.op.RandomOps
Generates labels for candidate sampling with a learned unigram distribution.
AllCandidateSampler - Class in org.tensorflow.op.random
Generates labels for candidate sampling with a learned unigram distribution.
AllCandidateSampler(Operation) - Constructor for class org.tensorflow.op.random.AllCandidateSampler
 
AllCandidateSampler.Inputs - Class in org.tensorflow.op.random
 
AllCandidateSampler.Options - Class in org.tensorflow.op.random
Optional attributes for AllCandidateSampler
allowedBatchSizes - Variable in class org.tensorflow.op.core.Batch.Inputs
The allowedBatchSizes attribute
allowedBatchSizes - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
Optional list of allowed batch sizes.
allowedBatchSizes(Long...) - Static method in class org.tensorflow.op.core.Batch
Sets the allowedBatchSizes option.
allowedBatchSizes(Long...) - Method in class org.tensorflow.op.core.Batch.Options
Sets the allowedBatchSizes option.
allowedBatchSizes(Long...) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the allowedBatchSizes option.
allowedBatchSizes(Long...) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the allowedBatchSizes option.
allowedBatchSizes(List<Long>) - Static method in class org.tensorflow.op.core.Batch
Sets the allowedBatchSizes option.
allowedBatchSizes(List<Long>) - Method in class org.tensorflow.op.core.Batch.Options
Sets the allowedBatchSizes option.
allowedBatchSizes(List<Long>) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the allowedBatchSizes option.
allowedBatchSizes(List<Long>) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the allowedBatchSizes option.
allowedDevices - Variable in class org.tensorflow.op.core.VarHandleOp.Inputs
DEPRECATED.
allowedDevices(String...) - Static method in class org.tensorflow.op.core.VarHandleOp
Sets the allowedDevices option.
allowedDevices(String...) - Method in class org.tensorflow.op.core.VarHandleOp.Options
Sets the allowedDevices option.
allowedDevices(List<String>) - Static method in class org.tensorflow.op.core.VarHandleOp
Sets the allowedDevices option.
allowedDevices(List<String>) - Method in class org.tensorflow.op.core.VarHandleOp.Options
Sets the allowedDevices option.
allowMissingFiles - Variable in class org.tensorflow.op.train.MergeV2Checkpoints.Inputs
see above.
allowMissingFiles(Boolean) - Static method in class org.tensorflow.op.train.MergeV2Checkpoints
Sets the allowMissingFiles option.
allowMissingFiles(Boolean) - Method in class org.tensorflow.op.train.MergeV2Checkpoints.Options
Sets the allowMissingFiles option.
allowSmallBatch - Variable in class org.tensorflow.op.core.BarrierTakeMany.Inputs
Allow to return less than num_elements items if barrier is already closed.
allowSmallBatch(Boolean) - Static method in class org.tensorflow.op.core.BarrierTakeMany
Sets the allowSmallBatch option.
allowSmallBatch(Boolean) - Method in class org.tensorflow.op.core.BarrierTakeMany.Options
Sets the allowSmallBatch option.
allowSoftPlacement - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
The allowSoftPlacement attribute
allowSoftPlacement - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
The allowSoftPlacement attribute
allowSoftPlacement(Boolean) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the allowSoftPlacement option.
allowSoftPlacement(Boolean) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the allowSoftPlacement option.
allowSoftPlacement(Boolean) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the allowSoftPlacement option.
allowSoftPlacement(Boolean) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the allowSoftPlacement option.
allToAll(Operand<T>, Operand<TInt32>, Long, Long, Long) - Method in class org.tensorflow.op.TpuOps
An Op to exchange data across TPU replicas.
AllToAll<T extends TType> - Class in org.tensorflow.op.tpu
An Op to exchange data across TPU replicas.
AllToAll(Operation) - Constructor for class org.tensorflow.op.tpu.AllToAll
 
AllToAll.Inputs<T extends TType> - Class in org.tensorflow.op.tpu
 
alpha - Variable in class org.tensorflow.op.data.LeakyReluGrad.Inputs
The alpha attribute
alpha - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd.Inputs
A constant scalar.
alpha - Variable in class org.tensorflow.op.nn.LeakyRelu.Inputs
The alpha attribute
alpha - Variable in class org.tensorflow.op.nn.LocalResponseNormalization.Inputs
A scale factor, usually positive.
alpha - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
A scale factor, usually positive.
alpha - Variable in class org.tensorflow.op.random.RandomGamma.Inputs
A tensor in which each scalar is a "shape" parameter describing the associated gamma distribution.
alpha - Variable in class org.tensorflow.op.random.RandomGammaGrad.Inputs
The alpha input
alpha - Variable in class org.tensorflow.op.random.StatelessRandomGamma.Inputs
The concentration of the gamma distribution.
alpha - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
Must be a scalar.
alpha - Variable in class org.tensorflow.op.train.ApplyGradientDescent.Inputs
Scaling factor.
alpha - Variable in class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
Scaling factor.
alpha - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
Must be a scalar.
alpha - Variable in class org.tensorflow.op.train.ResourceApplyGradientDescent.Inputs
Scaling factor.
alpha - Variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
Scaling factor.
alpha - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
Scaling factor.
alpha - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
Scaling factor.
alpha(Float) - Static method in class org.tensorflow.op.data.LeakyReluGrad
Sets the alpha option.
alpha(Float) - Method in class org.tensorflow.op.data.LeakyReluGrad.Options
Sets the alpha option.
alpha(Float) - Static method in class org.tensorflow.op.nn.LeakyRelu
Sets the alpha option.
alpha(Float) - Method in class org.tensorflow.op.nn.LeakyRelu.Options
Sets the alpha option.
alpha(Float) - Static method in class org.tensorflow.op.nn.LocalResponseNormalization
Sets the alpha option.
alpha(Float) - Method in class org.tensorflow.op.nn.LocalResponseNormalization.Options
Sets the alpha option.
alpha(Float) - Static method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
Sets the alpha option.
alpha(Float) - Method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Options
Sets the alpha option.
ancestors - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
A list of names of HostCompute computations that must be sequenced before this computation.
anchors - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
A 2-D float tensor of shape [num_anchors, 4] describing the anchor boxes.
angle(Operand<? extends TType>) - Method in class org.tensorflow.op.MathOps
Returns the argument of a complex number.
angle(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.MathOps
Returns the argument of a complex number.
Angle<U extends TNumber> - Class in org.tensorflow.op.math
Returns the argument of a complex number.
Angle(Operation) - Constructor for class org.tensorflow.op.math.Angle
 
Angle.Inputs - Class in org.tensorflow.op.math
 
anonymousHashTable(Class<T>, Class<U>) - Method in class org.tensorflow.op.Ops
Creates a uninitialized anonymous hash table.
AnonymousHashTable - Class in org.tensorflow.op.core
Creates a uninitialized anonymous hash table.
AnonymousHashTable(Operation) - Constructor for class org.tensorflow.op.core.AnonymousHashTable
 
AnonymousHashTable.Inputs - Class in org.tensorflow.op.core
 
anonymousIterator(List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
A container for an iterator resource.
AnonymousIterator - Class in org.tensorflow.op.data
A container for an iterator resource.
AnonymousIterator(Operation) - Constructor for class org.tensorflow.op.data.AnonymousIterator
 
AnonymousIterator.Inputs - Class in org.tensorflow.op.data
 
anonymousMemoryCache() - Method in class org.tensorflow.op.DataOps
The AnonymousMemoryCache operation
AnonymousMemoryCache - Class in org.tensorflow.op.data
The AnonymousMemoryCache operation
AnonymousMemoryCache(Operation) - Constructor for class org.tensorflow.op.data.AnonymousMemoryCache
 
AnonymousMemoryCache.Inputs - Class in org.tensorflow.op.data
 
anonymousMultiDeviceIterator(List<String>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
A container for a multi device iterator resource.
AnonymousMultiDeviceIterator - Class in org.tensorflow.op.data
A container for a multi device iterator resource.
AnonymousMultiDeviceIterator(Operation) - Constructor for class org.tensorflow.op.data.AnonymousMultiDeviceIterator
 
AnonymousMultiDeviceIterator.Inputs - Class in org.tensorflow.op.data
 
anonymousMutableDenseHashTable(Operand<T>, Operand<T>, Class<U>, AnonymousMutableDenseHashTable.Options...) - Method in class org.tensorflow.op.Ops
Creates an empty anonymous mutable hash table that uses tensors as the backing store.
AnonymousMutableDenseHashTable - Class in org.tensorflow.op.core
Creates an empty anonymous mutable hash table that uses tensors as the backing store.
AnonymousMutableDenseHashTable(Operation) - Constructor for class org.tensorflow.op.core.AnonymousMutableDenseHashTable
 
AnonymousMutableDenseHashTable.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
AnonymousMutableDenseHashTable.Options - Class in org.tensorflow.op.core
Optional attributes for AnonymousMutableDenseHashTable
anonymousMutableHashTable(Class<T>, Class<U>) - Method in class org.tensorflow.op.Ops
Creates an empty anonymous mutable hash table.
AnonymousMutableHashTable - Class in org.tensorflow.op.core
Creates an empty anonymous mutable hash table.
AnonymousMutableHashTable(Operation) - Constructor for class org.tensorflow.op.core.AnonymousMutableHashTable
 
AnonymousMutableHashTable.Inputs - Class in org.tensorflow.op.core
 
anonymousMutableHashTableOfTensors(Class<T>, Class<U>, AnonymousMutableHashTableOfTensors.Options...) - Method in class org.tensorflow.op.Ops
Creates an empty anonymous mutable hash table of vector values.
AnonymousMutableHashTableOfTensors - Class in org.tensorflow.op.core
Creates an empty anonymous mutable hash table of vector values.
AnonymousMutableHashTableOfTensors(Operation) - Constructor for class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors
 
AnonymousMutableHashTableOfTensors.Inputs - Class in org.tensorflow.op.core
 
AnonymousMutableHashTableOfTensors.Options - Class in org.tensorflow.op.core
Optional attributes for AnonymousMutableHashTableOfTensors
anonymousRandomSeedGenerator(Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.RandomOps
The AnonymousRandomSeedGenerator operation
AnonymousRandomSeedGenerator - Class in org.tensorflow.op.random
The AnonymousRandomSeedGenerator operation
AnonymousRandomSeedGenerator(Operation) - Constructor for class org.tensorflow.op.random.AnonymousRandomSeedGenerator
 
AnonymousRandomSeedGenerator.Inputs - Class in org.tensorflow.op.random
 
anonymousSeedGenerator(Operand<TInt64>, Operand<TInt64>, Operand<TBool>) - Method in class org.tensorflow.op.RandomOps
The AnonymousSeedGenerator operation
AnonymousSeedGenerator - Class in org.tensorflow.op.random
The AnonymousSeedGenerator operation
AnonymousSeedGenerator(Operation) - Constructor for class org.tensorflow.op.random.AnonymousSeedGenerator
 
AnonymousSeedGenerator.Inputs - Class in org.tensorflow.op.random
 
anotherDataset - Variable in class org.tensorflow.op.data.ConcatenateDataset.Inputs
The anotherDataset input
antialias - Variable in class org.tensorflow.op.image.ScaleAndTranslate.Inputs
The antialias attribute
antialias - Variable in class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
The antialias attribute
antialias(Boolean) - Static method in class org.tensorflow.op.image.ScaleAndTranslate
Sets the antialias option.
antialias(Boolean) - Method in class org.tensorflow.op.image.ScaleAndTranslate.Options
Sets the antialias option.
antialias(Boolean) - Static method in class org.tensorflow.op.image.ScaleAndTranslateGrad
Sets the antialias option.
antialias(Boolean) - Method in class org.tensorflow.op.image.ScaleAndTranslateGrad.Options
Sets the antialias option.
any(Operand<TBool>, Operand<? extends TNumber>, Any.Options...) - Method in class org.tensorflow.op.Ops
Computes the "logical or" of elements across dimensions of a tensor.
Any - Class in org.tensorflow.op.core
Computes the "logical or" of elements across dimensions of a tensor.
Any(Operation) - Constructor for class org.tensorflow.op.core.Any
 
Any.Inputs - Class in org.tensorflow.op.core
 
Any.Options - Class in org.tensorflow.op.core
Optional attributes for Any
append(Shape<TInt32>, int) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand containing the dimensions of a shape followed by the last dimension.
append(Shape<TInt64>, long) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand containing the dimensions of a shape followed by the last dimension.
append(Scope, Shape<TInt32>, int) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand containing the dimensions of a shape followed by the last dimension.
append(Scope, Shape<TInt64>, long) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand containing the dimensions of a shape followed by the last dimension.
append(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand that represents a new shape containing the dimensions of the operand representing a shape, followed by the dimensions of an operand representing a shape to append.
append(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand that represents a new shape containing the dimensions of the operand representing a shape, followed by the dimensions of an operand representing a shape to append.
apply(Graph, TFJ_Scope, GraphOperation, List<Output<?>>) - Method in class org.tensorflow.AbstractGradientAdapter
 
apply(OperationBuilder) - Method in class org.tensorflow.op.NativeScope
 
apply(OperationBuilder) - Method in class org.tensorflow.op.OpScope
 
apply(OperationBuilder) - Method in interface org.tensorflow.op.Scope
Applies device specification and adds each Operand in controlDependencies as a control input to the provided builder.
applyAdadelta(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdadelta.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the adadelta scheme.
ApplyAdadelta<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the adadelta scheme.
ApplyAdadelta(Operation) - Constructor for class org.tensorflow.op.train.ApplyAdadelta
 
ApplyAdadelta.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyAdadelta.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyAdadelta
applyAdagrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the adagrad scheme.
ApplyAdagrad<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the adagrad scheme.
ApplyAdagrad(Operation) - Constructor for class org.tensorflow.op.train.ApplyAdagrad
 
ApplyAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyAdagrad
applyAdagradDa(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, ApplyAdagradDa.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the proximal adagrad scheme.
ApplyAdagradDa<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the proximal adagrad scheme.
ApplyAdagradDa(Operation) - Constructor for class org.tensorflow.op.train.ApplyAdagradDa
 
ApplyAdagradDa.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyAdagradDa.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyAdagradDa
applyAdagradV2(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdagradV2.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the adagrad scheme.
ApplyAdagradV2<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the adagrad scheme.
ApplyAdagradV2(Operation) - Constructor for class org.tensorflow.op.train.ApplyAdagradV2
 
ApplyAdagradV2.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyAdagradV2.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyAdagradV2
applyAdam(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdam.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the Adam algorithm.
ApplyAdam<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the Adam algorithm.
ApplyAdam(Operation) - Constructor for class org.tensorflow.op.train.ApplyAdam
 
ApplyAdam.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyAdam.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyAdam
applyAdaMax(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdaMax.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the AdaMax algorithm.
ApplyAdaMax<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the AdaMax algorithm.
ApplyAdaMax(Operation) - Constructor for class org.tensorflow.op.train.ApplyAdaMax
 
ApplyAdaMax.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyAdaMax.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyAdaMax
applyAddSign(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAddSign.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the AddSign update.
ApplyAddSign<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the AddSign update.
ApplyAddSign(Operation) - Constructor for class org.tensorflow.op.train.ApplyAddSign
 
ApplyAddSign.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyAddSign.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyAddSign
applyCenteredRmsProp(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyCenteredRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the centered RMSProp algorithm.
ApplyCenteredRmsProp<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the centered RMSProp algorithm.
ApplyCenteredRmsProp(Operation) - Constructor for class org.tensorflow.op.train.ApplyCenteredRmsProp
 
ApplyCenteredRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyCenteredRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyCenteredRmsProp
applyFtrl(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyFtrl.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the Ftrl-proximal scheme.
ApplyFtrl<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the Ftrl-proximal scheme.
ApplyFtrl(Operation) - Constructor for class org.tensorflow.op.train.ApplyFtrl
 
ApplyFtrl.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyFtrl.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyFtrl
applyGradientDescent(Operand<T>, Operand<T>, Operand<T>, ApplyGradientDescent.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' by subtracting 'alpha' * 'delta' from it.
ApplyGradientDescent<T extends TType> - Class in org.tensorflow.op.train
Update '*var' by subtracting 'alpha' * 'delta' from it.
ApplyGradientDescent(Operation) - Constructor for class org.tensorflow.op.train.ApplyGradientDescent
 
ApplyGradientDescent.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyGradientDescent.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyGradientDescent
applyMomentum(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyMomentum.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the momentum scheme.
ApplyMomentum<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the momentum scheme.
ApplyMomentum(Operation) - Constructor for class org.tensorflow.op.train.ApplyMomentum
 
ApplyMomentum.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyMomentum.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyMomentum
applyPowerSign(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyPowerSign.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the AddSign update.
ApplyPowerSign<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the AddSign update.
ApplyPowerSign(Operation) - Constructor for class org.tensorflow.op.train.ApplyPowerSign
 
ApplyPowerSign.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyPowerSign.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyPowerSign
applyProximalAdagrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyProximalAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' and '*accum' according to FOBOS with Adagrad learning rate.
ApplyProximalAdagrad<T extends TType> - Class in org.tensorflow.op.train
Update '*var' and '*accum' according to FOBOS with Adagrad learning rate.
ApplyProximalAdagrad(Operation) - Constructor for class org.tensorflow.op.train.ApplyProximalAdagrad
 
ApplyProximalAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyProximalAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyProximalAdagrad
applyProximalGradientDescent(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyProximalGradientDescent.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' as FOBOS algorithm with fixed learning rate.
ApplyProximalGradientDescent<T extends TType> - Class in org.tensorflow.op.train
Update '*var' as FOBOS algorithm with fixed learning rate.
ApplyProximalGradientDescent(Operation) - Constructor for class org.tensorflow.op.train.ApplyProximalGradientDescent
 
ApplyProximalGradientDescent.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyProximalGradientDescent.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyProximalGradientDescent
applyRmsProp(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the RMSProp algorithm.
ApplyRmsProp<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the RMSProp algorithm.
ApplyRmsProp(Operation) - Constructor for class org.tensorflow.op.train.ApplyRmsProp
 
ApplyRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ApplyRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for ApplyRmsProp
approximateEqual(Operand<T>, Operand<T>, ApproximateEqual.Options...) - Method in class org.tensorflow.op.MathOps
Returns the truth value of abs(x-y) < tolerance element-wise.
ApproximateEqual - Class in org.tensorflow.op.math
Returns the truth value of abs(x-y) < tolerance element-wise.
ApproximateEqual(Operation) - Constructor for class org.tensorflow.op.math.ApproximateEqual
 
ApproximateEqual.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
ApproximateEqual.Options - Class in org.tensorflow.op.math
Optional attributes for ApproximateEqual
approxTopK(Operand<T>, Long, ApproxTopK.Options...) - Method in class org.tensorflow.op.Ops
Returns min/max k values and their indices of the input operand in an approximate manner.
ApproxTopK<T extends TNumber> - Class in org.tensorflow.op.core
Returns min/max k values and their indices of the input operand in an approximate manner.
ApproxTopK(Operation) - Constructor for class org.tensorflow.op.core.ApproxTopK
 
ApproxTopK.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
ApproxTopK.Options - Class in org.tensorflow.op.core
Optional attributes for ApproxTopK
areaRange - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
The cropped area of the image must contain a fraction of the supplied image within this range.
areaRange - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
The cropped area of the image must contain a fraction of the supplied image within this range.
areaRange(Float...) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the areaRange option.
areaRange(Float...) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the areaRange option.
areaRange(Float...) - Static method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Sets the areaRange option.
areaRange(Float...) - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Options
Sets the areaRange option.
areaRange(List<Float>) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the areaRange option.
areaRange(List<Float>) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the areaRange option.
areaRange(List<Float>) - Static method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Sets the areaRange option.
areaRange(List<Float>) - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Options
Sets the areaRange option.
argmax - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
The indices of the maximum values chosen for each output of max_pool.
argmax - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
The indices of the maximum values chosen for each output of max_pool.
argmax() - Method in class org.tensorflow.op.nn.MaxPoolWithArgmax
Gets argmax.
argMax(Operand<? extends TType>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Returns the index with the largest value across dimensions of a tensor.
argMax(Operand<? extends TType>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.MathOps
Returns the index with the largest value across dimensions of a tensor.
ArgMax<V extends TNumber> - Class in org.tensorflow.op.math
Returns the index with the largest value across dimensions of a tensor.
ArgMax(Operation) - Constructor for class org.tensorflow.op.math.ArgMax
 
ArgMax.Inputs - Class in org.tensorflow.op.math
 
argMin(Operand<? extends TType>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Returns the index with the smallest value across dimensions of a tensor.
argMin(Operand<? extends TType>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.MathOps
Returns the index with the smallest value across dimensions of a tensor.
ArgMin<V extends TNumber> - Class in org.tensorflow.op.math
Returns the index with the smallest value across dimensions of a tensor.
ArgMin(Operation) - Constructor for class org.tensorflow.op.math.ArgMin
 
ArgMin.Inputs - Class in org.tensorflow.op.math
 
args - Variable in class org.tensorflow.op.core.PartitionedCall.Inputs
A list of input tensors.
args - Variable in class org.tensorflow.op.core.RemoteCall.Inputs
A list of arguments for the function.
args - Variable in class org.tensorflow.op.core.StatefulPartitionedCall.Inputs
A list of input tensors.
args - Variable in class org.tensorflow.op.tpu.Execute.Inputs
The args input
args - Variable in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables.Inputs
The args input
args - Variable in class org.tensorflow.op.tpu.PartitionedCall.Inputs
The arguments to the function.
arguments - Variable in class org.tensorflow.op.core.MapDefun.Inputs
A list of tensors whose types are `Targuments`, corresponding to the inputs the function should be mapped over.
arr - Variable in class org.tensorflow.op.math.Bincount.Inputs
int32 Tensor.
array(boolean...) - Method in class org.tensorflow.op.Ops
Creates a constant of boolean elements.
array(byte...) - Method in class org.tensorflow.op.Ops
Creates a constant of byte elements.
array(double...) - Method in class org.tensorflow.op.Ops
Creates a constant of double elements.
array(float...) - Method in class org.tensorflow.op.Ops
Creates a constant of float elements.
array(int...) - Method in class org.tensorflow.op.Ops
Creates a constant of int elements.
array(long...) - Method in class org.tensorflow.op.Ops
Creates a constant of long elements.
array(String...) - Method in class org.tensorflow.op.Ops
Creates a constant of String elements, using the default UTF-8 charset.
array(Charset, String...) - Method in class org.tensorflow.op.Ops
Creates a constant of String elements, using the given charset.
arrayOf(Scope, boolean...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of boolean elements.
arrayOf(Scope, byte...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of byte elements.
arrayOf(Scope, double...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of double elements.
arrayOf(Scope, float...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of float elements.
arrayOf(Scope, int...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of int elements.
arrayOf(Scope, long...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of long elements.
arrayOf(Scope, String...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of String elements, using the default UTF-8 charset.
arrayOf(Scope, Charset, String...) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of String elements, using the given charset.
asBytes() - Method in interface org.tensorflow.types.TString
 
aShape - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
1-D.
aShape - Variable in class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
1-D.
aShape - Variable in class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
1-D.
aShape - Variable in class org.tensorflow.op.sparse.SparseTensorDenseAdd.Inputs
1-D.
aShape - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
1-D.
asin(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the trignometric inverse sine of x element-wise.
Asin<T extends TType> - Class in org.tensorflow.op.math
Computes the trignometric inverse sine of x element-wise.
Asin(Operation) - Constructor for class org.tensorflow.op.math.Asin
 
Asin.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
asinh(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes inverse hyperbolic sine of x element-wise.
Asinh<T extends TType> - Class in org.tensorflow.op.math
Computes inverse hyperbolic sine of x element-wise.
Asinh(Operation) - Constructor for class org.tensorflow.op.math.Asinh
 
Asinh.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
asOutput() - Method in class org.tensorflow.op.audio.AudioSpectrogram
 
asOutput() - Method in class org.tensorflow.op.audio.EncodeWav
 
asOutput() - Method in class org.tensorflow.op.audio.Mfcc
 
asOutput() - Method in class org.tensorflow.op.bitwise.BitwiseAnd
 
asOutput() - Method in class org.tensorflow.op.bitwise.BitwiseOr
 
asOutput() - Method in class org.tensorflow.op.bitwise.BitwiseXor
 
asOutput() - Method in class org.tensorflow.op.bitwise.Invert
 
asOutput() - Method in class org.tensorflow.op.bitwise.LeftShift
 
asOutput() - Method in class org.tensorflow.op.bitwise.RightShift
 
asOutput() - Method in class org.tensorflow.op.cluster.KMC2ChainInitialization
 
asOutput() - Method in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization
 
asOutput() - Method in class org.tensorflow.op.collective.CollectiveAllToAll
 
asOutput() - Method in class org.tensorflow.op.collective.CollectiveBcastRecv
 
asOutput() - Method in class org.tensorflow.op.collective.CollectiveBcastSend
 
asOutput() - Method in class org.tensorflow.op.collective.CollectiveGather
 
asOutput() - Method in class org.tensorflow.op.collective.CollectiveInitializeCommunicator
 
asOutput() - Method in class org.tensorflow.op.collective.CollectivePermute
 
asOutput() - Method in class org.tensorflow.op.collective.CollectiveReduce
 
asOutput() - Method in class org.tensorflow.op.collective.CollectiveReduceScatter
 
asOutput() - Method in class org.tensorflow.op.core.All
 
asOutput() - Method in class org.tensorflow.op.core.AnonymousHashTable
 
asOutput() - Method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable
 
asOutput() - Method in class org.tensorflow.op.core.AnonymousMutableHashTable
 
asOutput() - Method in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors
 
asOutput() - Method in class org.tensorflow.op.core.Any
 
asOutput() - Method in class org.tensorflow.op.core.Assign
 
asOutput() - Method in class org.tensorflow.op.core.AssignAdd
 
asOutput() - Method in class org.tensorflow.op.core.AssignSub
 
asOutput() - Method in class org.tensorflow.op.core.Barrier
 
asOutput() - Method in class org.tensorflow.op.core.BarrierIncompleteSize
 
asOutput() - Method in class org.tensorflow.op.core.BarrierReadySize
 
asOutput() - Method in class org.tensorflow.op.core.BatchToSpace
 
asOutput() - Method in class org.tensorflow.op.core.BatchToSpaceNd
 
asOutput() - Method in class org.tensorflow.op.core.Bitcast
 
asOutput() - Method in class org.tensorflow.op.core.BroadcastDynamicShape
 
asOutput() - Method in class org.tensorflow.op.core.BroadcastTo
 
asOutput() - Method in class org.tensorflow.op.core.Bucketize
 
asOutput() - Method in class org.tensorflow.op.core.ClipByValue
 
asOutput() - Method in class org.tensorflow.op.core.CompositeTensorVariantFromComponents
 
asOutput() - Method in class org.tensorflow.op.core.Concat
 
asOutput() - Method in class org.tensorflow.op.core.Constant
 
asOutput() - Method in class org.tensorflow.op.core.Copy
 
asOutput() - Method in class org.tensorflow.op.core.CopyHost
 
asOutput() - Method in class org.tensorflow.op.core.CopyToMesh
 
asOutput() - Method in class org.tensorflow.op.core.CopyToMeshGrad
 
asOutput() - Method in class org.tensorflow.op.core.CountUpTo
 
asOutput() - Method in class org.tensorflow.op.core.DeepCopy
 
asOutput() - Method in class org.tensorflow.op.core.DestroyTemporaryVariable
 
asOutput() - Method in class org.tensorflow.op.core.DeviceIndex
 
asOutput() - Method in class org.tensorflow.op.core.DummyMemoryCache
 
asOutput() - Method in class org.tensorflow.op.core.DynamicStitch
 
asOutput() - Method in class org.tensorflow.op.core.EditDistance
 
asOutput() - Method in class org.tensorflow.op.core.Empty
 
asOutput() - Method in class org.tensorflow.op.core.EmptyTensorList
 
asOutput() - Method in class org.tensorflow.op.core.EmptyTensorMap
 
asOutput() - Method in class org.tensorflow.op.core.EncodeProto
 
asOutput() - Method in class org.tensorflow.op.core.EnsureShape
 
asOutput() - Method in class org.tensorflow.op.core.Enter
 
asOutput() - Method in class org.tensorflow.op.core.Exit
 
asOutput() - Method in class org.tensorflow.op.core.ExpandDims
 
asOutput() - Method in class org.tensorflow.op.core.ExtractVolumePatches
 
asOutput() - Method in class org.tensorflow.op.core.FakeParam
 
asOutput() - Method in class org.tensorflow.op.core.Fill
 
asOutput() - Method in class org.tensorflow.op.core.Fingerprint
 
asOutput() - Method in class org.tensorflow.op.core.Gather
 
asOutput() - Method in class org.tensorflow.op.core.GatherNd
 
asOutput() - Method in class org.tensorflow.op.core.GetOptions
 
asOutput() - Method in class org.tensorflow.op.core.GetSessionHandle
 
asOutput() - Method in class org.tensorflow.op.core.GetSessionTensor
 
asOutput() - Method in class org.tensorflow.op.core.GuaranteeConst
 
asOutput() - Method in class org.tensorflow.op.core.HashTable
 
asOutput() - Method in class org.tensorflow.op.core.HistogramFixedWidth
 
asOutput() - Method in class org.tensorflow.op.core.HostConst
 
asOutput() - Method in class org.tensorflow.op.core.Identity
 
asOutput() - Method in class org.tensorflow.op.core.ImmutableConst
 
asOutput() - Method in class org.tensorflow.op.core.InplaceAdd
 
asOutput() - Method in class org.tensorflow.op.core.InplaceSub
 
asOutput() - Method in class org.tensorflow.op.core.InplaceUpdate
 
asOutput() - Method in class org.tensorflow.op.core.IsVariableInitialized
 
asOutput() - Method in class org.tensorflow.op.core.KthOrderStatistic
 
asOutput() - Method in class org.tensorflow.op.core.LinSpace
 
asOutput() - Method in class org.tensorflow.op.core.LookupTableFind
 
asOutput() - Method in class org.tensorflow.op.core.LookupTableSize
 
asOutput() - Method in class org.tensorflow.op.core.LoopCond
 
asOutput() - Method in class org.tensorflow.op.core.LowerBound
 
asOutput() - Method in class org.tensorflow.op.core.MakeUnique
 
asOutput() - Method in class org.tensorflow.op.core.MapIncompleteSize
 
asOutput() - Method in class org.tensorflow.op.core.MapSize
 
asOutput() - Method in class org.tensorflow.op.core.Max
 
asOutput() - Method in class org.tensorflow.op.core.Min
 
asOutput() - Method in class org.tensorflow.op.core.MirrorPad
 
asOutput() - Method in class org.tensorflow.op.core.MirrorPadGrad
 
asOutput() - Method in class org.tensorflow.op.core.MutableDenseHashTable
 
asOutput() - Method in class org.tensorflow.op.core.MutableHashTable
 
asOutput() - Method in class org.tensorflow.op.core.MutableHashTableOfTensors
 
asOutput() - Method in class org.tensorflow.op.core.Mutex
 
asOutput() - Method in class org.tensorflow.op.core.MutexLock
 
asOutput() - Method in class org.tensorflow.op.core.NcclAllReduce
Deprecated.
 
asOutput() - Method in class org.tensorflow.op.core.NcclBroadcast
Deprecated.
 
asOutput() - Method in class org.tensorflow.op.core.NcclReduce
Deprecated.
 
asOutput() - Method in class org.tensorflow.op.core.NextIteration
 
asOutput() - Method in class org.tensorflow.op.core.OneHot
 
asOutput() - Method in class org.tensorflow.op.core.Ones
 
asOutput() - Method in class org.tensorflow.op.core.OnesLike
 
asOutput() - Method in class org.tensorflow.op.core.OrderedMapIncompleteSize
 
asOutput() - Method in class org.tensorflow.op.core.OrderedMapSize
 
asOutput() - Method in class org.tensorflow.op.core.Pad
 
asOutput() - Method in class org.tensorflow.op.core.ParallelConcat
 
asOutput() - Method in class org.tensorflow.op.core.ParallelDynamicStitch
 
asOutput() - Method in class org.tensorflow.op.core.Placeholder
 
asOutput() - Method in class org.tensorflow.op.core.PlaceholderWithDefault
 
asOutput() - Method in class org.tensorflow.op.core.Prod
 
asOutput() - Method in class org.tensorflow.op.core.RandomIndexShuffle
 
asOutput() - Method in class org.tensorflow.op.core.Range
 
asOutput() - Method in class org.tensorflow.op.core.Rank
 
asOutput() - Method in class org.tensorflow.op.core.ReadVariableOp
 
asOutput() - Method in class org.tensorflow.op.core.Recv
 
asOutput() - Method in class org.tensorflow.op.core.ReduceAll
 
asOutput() - Method in class org.tensorflow.op.core.ReduceAny
 
asOutput() - Method in class org.tensorflow.op.core.ReduceMax
 
asOutput() - Method in class org.tensorflow.op.core.ReduceMin
 
asOutput() - Method in class org.tensorflow.op.core.ReduceProd
 
asOutput() - Method in class org.tensorflow.op.core.ReduceSum
 
asOutput() - Method in class org.tensorflow.op.core.RefEnter
 
asOutput() - Method in class org.tensorflow.op.core.RefExit
 
asOutput() - Method in class org.tensorflow.op.core.RefIdentity
 
asOutput() - Method in class org.tensorflow.op.core.RefNextIteration
 
asOutput() - Method in class org.tensorflow.op.core.RefSelect
 
asOutput() - Method in class org.tensorflow.op.core.Relayout
 
asOutput() - Method in class org.tensorflow.op.core.RelayoutLike
 
asOutput() - Method in class org.tensorflow.op.core.Reshape
 
asOutput() - Method in class org.tensorflow.op.core.ResourceCountUpTo
 
asOutput() - Method in class org.tensorflow.op.core.ResourceGather
 
asOutput() - Method in class org.tensorflow.op.core.ResourceGatherNd
 
asOutput() - Method in class org.tensorflow.op.core.Reverse
 
asOutput() - Method in class org.tensorflow.op.core.ReverseSequence
 
asOutput() - Method in class org.tensorflow.op.core.Roll
 
asOutput() - Method in class org.tensorflow.op.core.ScatterAdd
 
asOutput() - Method in class org.tensorflow.op.core.ScatterDiv
 
asOutput() - Method in class org.tensorflow.op.core.ScatterMax
 
asOutput() - Method in class org.tensorflow.op.core.ScatterMin
 
asOutput() - Method in class org.tensorflow.op.core.ScatterMul
 
asOutput() - Method in class org.tensorflow.op.core.ScatterNd
 
asOutput() - Method in class org.tensorflow.op.core.ScatterNdAdd
 
asOutput() - Method in class org.tensorflow.op.core.ScatterNdMax
 
asOutput() - Method in class org.tensorflow.op.core.ScatterNdMin
 
asOutput() - Method in class org.tensorflow.op.core.ScatterNdNonAliasingAdd
 
asOutput() - Method in class org.tensorflow.op.core.ScatterNdSub
 
asOutput() - Method in class org.tensorflow.op.core.ScatterNdUpdate
 
asOutput() - Method in class org.tensorflow.op.core.ScatterSub
 
asOutput() - Method in class org.tensorflow.op.core.ScatterUpdate
 
asOutput() - Method in class org.tensorflow.op.core.Select
 
asOutput() - Method in class org.tensorflow.op.core.SetSize
 
asOutput() - Method in class org.tensorflow.op.core.Shape
 
asOutput() - Method in class org.tensorflow.op.core.Size
 
asOutput() - Method in class org.tensorflow.op.core.Slice
 
asOutput() - Method in class org.tensorflow.op.core.Snapshot
 
asOutput() - Method in class org.tensorflow.op.core.SpaceToBatchNd
 
asOutput() - Method in class org.tensorflow.op.core.Squeeze
 
asOutput() - Method in class org.tensorflow.op.core.Stack
 
asOutput() - Method in class org.tensorflow.op.core.StackCreate
 
asOutput() - Method in class org.tensorflow.op.core.StackPop
 
asOutput() - Method in class org.tensorflow.op.core.StackPush
 
asOutput() - Method in class org.tensorflow.op.core.StageSize
 
asOutput() - Method in class org.tensorflow.op.core.StochasticCastToInt
 
asOutput() - Method in class org.tensorflow.op.core.StopGradient
 
asOutput() - Method in class org.tensorflow.op.core.StridedSlice
 
asOutput() - Method in class org.tensorflow.op.core.StridedSliceAssign
 
asOutput() - Method in class org.tensorflow.op.core.StridedSliceGrad
 
asOutput() - Method in class org.tensorflow.op.core.Sum
 
asOutput() - Method in class org.tensorflow.op.core.TemporaryVariable
 
asOutput() - Method in class org.tensorflow.op.core.TensorArrayGather
 
asOutput() - Method in class org.tensorflow.op.core.TensorArrayPack
 
asOutput() - Method in class org.tensorflow.op.core.TensorArrayRead
 
asOutput() - Method in class org.tensorflow.op.core.TensorArrayScatter
 
asOutput() - Method in class org.tensorflow.op.core.TensorArraySize
 
asOutput() - Method in class org.tensorflow.op.core.TensorArraySplit
 
asOutput() - Method in class org.tensorflow.op.core.TensorArrayUnpack
 
asOutput() - Method in class org.tensorflow.op.core.TensorArrayWrite
 
asOutput() - Method in class org.tensorflow.op.core.TensorListConcatLists
 
asOutput() - Method in class org.tensorflow.op.core.TensorListElementShape
 
asOutput() - Method in class org.tensorflow.op.core.TensorListFromTensor
 
asOutput() - Method in class org.tensorflow.op.core.TensorListGather
 
asOutput() - Method in class org.tensorflow.op.core.TensorListGetItem
 
asOutput() - Method in class org.tensorflow.op.core.TensorListLength
 
asOutput() - Method in class org.tensorflow.op.core.TensorListPushBack
 
asOutput() - Method in class org.tensorflow.op.core.TensorListPushBackBatch
 
asOutput() - Method in class org.tensorflow.op.core.TensorListReserve
 
asOutput() - Method in class org.tensorflow.op.core.TensorListResize
 
asOutput() - Method in class org.tensorflow.op.core.TensorListScatter
 
asOutput() - Method in class org.tensorflow.op.core.TensorListScatterIntoExistingList
 
asOutput() - Method in class org.tensorflow.op.core.TensorListSetItem
 
asOutput() - Method in class org.tensorflow.op.core.TensorListSplit
 
asOutput() - Method in class org.tensorflow.op.core.TensorListStack
 
asOutput() - Method in class org.tensorflow.op.core.TensorMapErase
 
asOutput() - Method in class org.tensorflow.op.core.TensorMapHasKey
 
asOutput() - Method in class org.tensorflow.op.core.TensorMapInsert
 
asOutput() - Method in class org.tensorflow.op.core.TensorMapLookup
 
asOutput() - Method in class org.tensorflow.op.core.TensorMapSize
 
asOutput() - Method in class org.tensorflow.op.core.TensorMapStackKeys
 
asOutput() - Method in class org.tensorflow.op.core.TensorScatterNdAdd
 
asOutput() - Method in class org.tensorflow.op.core.TensorScatterNdMax
 
asOutput() - Method in class org.tensorflow.op.core.TensorScatterNdMin
 
asOutput() - Method in class org.tensorflow.op.core.TensorScatterNdSub
 
asOutput() - Method in class org.tensorflow.op.core.TensorScatterNdUpdate
 
asOutput() - Method in class org.tensorflow.op.core.TensorStridedSliceUpdate
 
asOutput() - Method in class org.tensorflow.op.core.Tile
 
asOutput() - Method in class org.tensorflow.op.core.Timestamp
 
asOutput() - Method in class org.tensorflow.op.core.Unbatch
 
asOutput() - Method in class org.tensorflow.op.core.UnbatchGrad
 
asOutput() - Method in class org.tensorflow.op.core.UniformQuantizedClipByValue
 
asOutput() - Method in class org.tensorflow.op.core.UnravelIndex
 
asOutput() - Method in class org.tensorflow.op.core.UpperBound
 
asOutput() - Method in class org.tensorflow.op.core.VarHandleOp
 
asOutput() - Method in class org.tensorflow.op.core.Variable
 
asOutput() - Method in class org.tensorflow.op.core.VariableShape
 
asOutput() - Method in class org.tensorflow.op.core.VarIsInitializedOp
 
asOutput() - Method in class org.tensorflow.op.core.Where
 
asOutput() - Method in class org.tensorflow.op.core.Zeros
 
asOutput() - Method in class org.tensorflow.op.core.ZerosLike
 
asOutput() - Method in class org.tensorflow.op.data.AnonymousIterator
 
asOutput() - Method in class org.tensorflow.op.data.AnonymousMultiDeviceIterator
 
asOutput() - Method in class org.tensorflow.op.data.AssertCardinalityDataset
 
asOutput() - Method in class org.tensorflow.op.data.AssertNextDataset
 
asOutput() - Method in class org.tensorflow.op.data.AssertPrevDataset
 
asOutput() - Method in class org.tensorflow.op.data.AutoShardDataset
 
asOutput() - Method in class org.tensorflow.op.data.BatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.BytesProducedStatsDataset
 
asOutput() - Method in class org.tensorflow.op.data.CacheDataset
 
asOutput() - Method in class org.tensorflow.op.data.ChooseFastestBranchDataset
 
asOutput() - Method in class org.tensorflow.op.data.ChooseFastestDataset
 
asOutput() - Method in class org.tensorflow.op.data.CompressElement
 
asOutput() - Method in class org.tensorflow.op.data.ConcatenateDataset
 
asOutput() - Method in class org.tensorflow.op.data.CSVDataset
 
asOutput() - Method in class org.tensorflow.op.data.DataServiceDataset
 
asOutput() - Method in class org.tensorflow.op.data.DatasetCardinality
 
asOutput() - Method in class org.tensorflow.op.data.DatasetFingerprint
 
asOutput() - Method in class org.tensorflow.op.data.DatasetFromGraph
 
asOutput() - Method in class org.tensorflow.op.data.DatasetToGraph
 
asOutput() - Method in class org.tensorflow.op.data.DenseToSparseBatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.DirectedInterleaveDataset
 
asOutput() - Method in class org.tensorflow.op.data.DummyIterationCounter
 
asOutput() - Method in class org.tensorflow.op.data.experimental.AssertNextDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.AutoShardDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.ChooseFastestDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.CSVDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.DatasetCardinality
 
asOutput() - Method in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.GroupByReducerDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.GroupByWindowDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.IteratorGetDevice
 
asOutput() - Method in class org.tensorflow.op.data.experimental.LatencyStatsDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.LmdbDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.MapAndBatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.MapDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.MatchingFilesDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.NonSerializableDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.ParseExampleDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.RandomDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.RebatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.ScanDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.SleepDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.SlidingWindowDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.SqlDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.StatsAggregatorHandle
 
asOutput() - Method in class org.tensorflow.op.data.experimental.StatsAggregatorSummary
 
asOutput() - Method in class org.tensorflow.op.data.experimental.TakeWhileDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.ThreadPoolDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.ThreadPoolHandle
 
asOutput() - Method in class org.tensorflow.op.data.experimental.UnbatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.experimental.UniqueDataset
 
asOutput() - Method in class org.tensorflow.op.data.FilterByLastComponentDataset
 
asOutput() - Method in class org.tensorflow.op.data.FilterDataset
 
asOutput() - Method in class org.tensorflow.op.data.FinalizeDataset
 
asOutput() - Method in class org.tensorflow.op.data.FixedLengthRecordDataset
 
asOutput() - Method in class org.tensorflow.op.data.FlatMapDataset
 
asOutput() - Method in class org.tensorflow.op.data.GeneratorDataset
 
asOutput() - Method in class org.tensorflow.op.data.GroupByReducerDataset
 
asOutput() - Method in class org.tensorflow.op.data.GroupByWindowDataset
 
asOutput() - Method in class org.tensorflow.op.data.IgnoreErrorsDataset
 
asOutput() - Method in class org.tensorflow.op.data.InterleaveDataset
 
asOutput() - Method in class org.tensorflow.op.data.Iterator
 
asOutput() - Method in class org.tensorflow.op.data.IteratorFromStringHandle
 
asOutput() - Method in class org.tensorflow.op.data.IteratorGetDevice
 
asOutput() - Method in class org.tensorflow.op.data.IteratorGetNextAsOptional
 
asOutput() - Method in class org.tensorflow.op.data.IteratorToStringHandle
 
asOutput() - Method in class org.tensorflow.op.data.LatencyStatsDataset
 
asOutput() - Method in class org.tensorflow.op.data.LeakyReluGrad
 
asOutput() - Method in class org.tensorflow.op.data.LegacyParallelInterleaveDataset
 
asOutput() - Method in class org.tensorflow.op.data.ListDataset
 
asOutput() - Method in class org.tensorflow.op.data.ListSnapshotChunksDataset
 
asOutput() - Method in class org.tensorflow.op.data.LMDBDataset
 
asOutput() - Method in class org.tensorflow.op.data.LoadDataset
 
asOutput() - Method in class org.tensorflow.op.data.MapAndBatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.MapDataset
 
asOutput() - Method in class org.tensorflow.op.data.MatchingFilesDataset
 
asOutput() - Method in class org.tensorflow.op.data.MaxIntraOpParallelismDataset
 
asOutput() - Method in class org.tensorflow.op.data.ModelDataset
 
asOutput() - Method in class org.tensorflow.op.data.MultiDeviceIterator
 
asOutput() - Method in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle
 
asOutput() - Method in class org.tensorflow.op.data.MultiDeviceIteratorInit
 
asOutput() - Method in class org.tensorflow.op.data.MultiDeviceIteratorToStringHandle
 
asOutput() - Method in class org.tensorflow.op.data.NonSerializableDataset
 
asOutput() - Method in class org.tensorflow.op.data.OneShotIterator
 
asOutput() - Method in class org.tensorflow.op.data.OptimizeDataset
 
asOutput() - Method in class org.tensorflow.op.data.OptionalFromValue
 
asOutput() - Method in class org.tensorflow.op.data.OptionalHasValue
 
asOutput() - Method in class org.tensorflow.op.data.OptionalNone
 
asOutput() - Method in class org.tensorflow.op.data.OptionsDataset
 
asOutput() - Method in class org.tensorflow.op.data.PaddedBatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.ParallelBatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.ParallelFilterDataset
 
asOutput() - Method in class org.tensorflow.op.data.ParallelInterleaveDataset
 
asOutput() - Method in class org.tensorflow.op.data.ParallelMapDataset
 
asOutput() - Method in class org.tensorflow.op.data.ParseExampleDataset
 
asOutput() - Method in class org.tensorflow.op.data.PrefetchDataset
 
asOutput() - Method in class org.tensorflow.op.data.PrivateThreadPoolDataset
 
asOutput() - Method in class org.tensorflow.op.data.RandomDataset
 
asOutput() - Method in class org.tensorflow.op.data.RangeDataset
 
asOutput() - Method in class org.tensorflow.op.data.RebatchDatasetV2
 
asOutput() - Method in class org.tensorflow.op.data.RegisterDataset
 
asOutput() - Method in class org.tensorflow.op.data.RepeatDataset
 
asOutput() - Method in class org.tensorflow.op.data.RewriteDataset
 
asOutput() - Method in class org.tensorflow.op.data.SamplingDataset
 
asOutput() - Method in class org.tensorflow.op.data.SaveDataset
 
asOutput() - Method in class org.tensorflow.op.data.ScanDataset
 
asOutput() - Method in class org.tensorflow.op.data.SerializeIterator
 
asOutput() - Method in class org.tensorflow.op.data.SetStatsAggregatorDataset
 
asOutput() - Method in class org.tensorflow.op.data.ShardDataset
 
asOutput() - Method in class org.tensorflow.op.data.ShuffleAndRepeatDataset
 
asOutput() - Method in class org.tensorflow.op.data.ShuffleDataset
 
asOutput() - Method in class org.tensorflow.op.data.SkipDataset
 
asOutput() - Method in class org.tensorflow.op.data.SleepDataset
 
asOutput() - Method in class org.tensorflow.op.data.SlidingWindowDataset
 
asOutput() - Method in class org.tensorflow.op.data.SnapshotChunkDataset
 
asOutput() - Method in class org.tensorflow.op.data.SnapshotDataset
 
asOutput() - Method in class org.tensorflow.op.data.SnapshotDatasetReader
 
asOutput() - Method in class org.tensorflow.op.data.SnapshotNestedDatasetReader
 
asOutput() - Method in class org.tensorflow.op.data.SparseTensorSliceDataset
 
asOutput() - Method in class org.tensorflow.op.data.SqlDataset
 
asOutput() - Method in class org.tensorflow.op.data.StatsAggregatorHandle
 
asOutput() - Method in class org.tensorflow.op.data.TakeDataset
 
asOutput() - Method in class org.tensorflow.op.data.TakeWhileDataset
 
asOutput() - Method in class org.tensorflow.op.data.TensorDataset
 
asOutput() - Method in class org.tensorflow.op.data.TensorSliceDataset
 
asOutput() - Method in class org.tensorflow.op.data.TextLineDataset
 
asOutput() - Method in class org.tensorflow.op.data.TfRecordDataset
 
asOutput() - Method in class org.tensorflow.op.data.ThreadPoolDataset
 
asOutput() - Method in class org.tensorflow.op.data.ThreadPoolHandle
 
asOutput() - Method in class org.tensorflow.op.data.UnbatchDataset
 
asOutput() - Method in class org.tensorflow.op.data.UniqueDataset
 
asOutput() - Method in class org.tensorflow.op.data.UnwrapDatasetVariant
 
asOutput() - Method in class org.tensorflow.op.data.WindowDataset
 
asOutput() - Method in class org.tensorflow.op.data.WindowOp
 
asOutput() - Method in class org.tensorflow.op.data.WrapDatasetVariant
 
asOutput() - Method in class org.tensorflow.op.data.ZipDataset
 
asOutput() - Method in class org.tensorflow.op.debugging.CheckNumerics
 
asOutput() - Method in class org.tensorflow.op.debugging.DebugGradientIdentity
 
asOutput() - Method in class org.tensorflow.op.debugging.DebugGradientRefIdentity
 
asOutput() - Method in class org.tensorflow.op.debugging.DebugIdentity
 
asOutput() - Method in class org.tensorflow.op.debugging.DebugNanCount
 
asOutput() - Method in class org.tensorflow.op.debugging.DebugNumericsSummary
 
asOutput() - Method in class org.tensorflow.op.distribute.NcclAllReduce
 
asOutput() - Method in class org.tensorflow.op.distribute.NcclBroadcast
 
asOutput() - Method in class org.tensorflow.op.distribute.NcclReduce
 
asOutput() - Method in class org.tensorflow.op.dtypes.AsString
 
asOutput() - Method in class org.tensorflow.op.dtypes.Cast
 
asOutput() - Method in class org.tensorflow.op.dtypes.Complex
 
asOutput() - Method in class org.tensorflow.op.dtypes.ToBool
 
asOutput() - Method in class org.tensorflow.op.image.AdjustContrast
 
asOutput() - Method in class org.tensorflow.op.image.AdjustHue
 
asOutput() - Method in class org.tensorflow.op.image.AdjustSaturation
 
asOutput() - Method in class org.tensorflow.op.image.CropAndResize
 
asOutput() - Method in class org.tensorflow.op.image.CropAndResizeGradBoxes
 
asOutput() - Method in class org.tensorflow.op.image.CropAndResizeGradImage
 
asOutput() - Method in class org.tensorflow.op.image.DecodeAndCropJpeg
 
asOutput() - Method in class org.tensorflow.op.image.DecodeBmp
 
asOutput() - Method in class org.tensorflow.op.image.DecodeGif
 
asOutput() - Method in class org.tensorflow.op.image.DecodeImage
 
asOutput() - Method in class org.tensorflow.op.image.DecodeJpeg
 
asOutput() - Method in class org.tensorflow.op.image.DecodePng
 
asOutput() - Method in class org.tensorflow.op.image.DrawBoundingBoxes
 
asOutput() - Method in class org.tensorflow.op.image.EncodeJpeg
 
asOutput() - Method in class org.tensorflow.op.image.EncodeJpegVariableQuality
 
asOutput() - Method in class org.tensorflow.op.image.EncodePng
 
asOutput() - Method in class org.tensorflow.op.image.ExtractGlimpse
 
asOutput() - Method in class org.tensorflow.op.image.ExtractImagePatches
 
asOutput() - Method in class org.tensorflow.op.image.ExtractJpegShape
 
asOutput() - Method in class org.tensorflow.op.image.HsvToRgb
 
asOutput() - Method in class org.tensorflow.op.image.ImageProjectiveTransformV2
 
asOutput() - Method in class org.tensorflow.op.image.ImageProjectiveTransformV3
 
asOutput() - Method in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps
 
asOutput() - Method in class org.tensorflow.op.image.RandomCrop
 
asOutput() - Method in class org.tensorflow.op.image.ResizeArea
 
asOutput() - Method in class org.tensorflow.op.image.ResizeBicubic
 
asOutput() - Method in class org.tensorflow.op.image.ResizeBicubicGrad
 
asOutput() - Method in class org.tensorflow.op.image.ResizeBilinear
 
asOutput() - Method in class org.tensorflow.op.image.ResizeBilinearGrad
 
asOutput() - Method in class org.tensorflow.op.image.ResizeNearestNeighbor
 
asOutput() - Method in class org.tensorflow.op.image.ResizeNearestNeighborGrad
 
asOutput() - Method in class org.tensorflow.op.image.RgbToHsv
 
asOutput() - Method in class org.tensorflow.op.image.ScaleAndTranslate
 
asOutput() - Method in class org.tensorflow.op.image.ScaleAndTranslateGrad
 
asOutput() - Method in class org.tensorflow.op.io.DecodeBase64
 
asOutput() - Method in class org.tensorflow.op.io.DecodeCompressed
 
asOutput() - Method in class org.tensorflow.op.io.DecodeJsonExample
 
asOutput() - Method in class org.tensorflow.op.io.DecodePaddedRaw
 
asOutput() - Method in class org.tensorflow.op.io.DecodeRaw
 
asOutput() - Method in class org.tensorflow.op.io.EncodeBase64
 
asOutput() - Method in class org.tensorflow.op.io.FakeQueue
 
asOutput() - Method in class org.tensorflow.op.io.FifoQueue
 
asOutput() - Method in class org.tensorflow.op.io.FixedLengthRecordReader
 
asOutput() - Method in class org.tensorflow.op.io.IdentityReader
 
asOutput() - Method in class org.tensorflow.op.io.LmdbReader
 
asOutput() - Method in class org.tensorflow.op.io.MatchingFiles
 
asOutput() - Method in class org.tensorflow.op.io.PaddingFifoQueue
 
asOutput() - Method in class org.tensorflow.op.io.ParseTensor
 
asOutput() - Method in class org.tensorflow.op.io.PriorityQueue
 
asOutput() - Method in class org.tensorflow.op.io.QueueIsClosed
 
asOutput() - Method in class org.tensorflow.op.io.QueueSize
 
asOutput() - Method in class org.tensorflow.op.io.RandomShuffleQueue
 
asOutput() - Method in class org.tensorflow.op.io.ReaderNumRecordsProduced
 
asOutput() - Method in class org.tensorflow.op.io.ReaderNumWorkUnitsCompleted
 
asOutput() - Method in class org.tensorflow.op.io.ReaderSerializeState
 
asOutput() - Method in class org.tensorflow.op.io.ReadFile
 
asOutput() - Method in class org.tensorflow.op.io.SerializeManySparse
 
asOutput() - Method in class org.tensorflow.op.io.SerializeSparse
 
asOutput() - Method in class org.tensorflow.op.io.SerializeTensor
 
asOutput() - Method in class org.tensorflow.op.io.ShardedFilename
 
asOutput() - Method in class org.tensorflow.op.io.ShardedFilespec
 
asOutput() - Method in class org.tensorflow.op.io.TextLineReader
 
asOutput() - Method in class org.tensorflow.op.io.TfRecordReader
 
asOutput() - Method in class org.tensorflow.op.io.WholeFileReader
 
asOutput() - Method in class org.tensorflow.op.linalg.BandedTriangularSolve
 
asOutput() - Method in class org.tensorflow.op.linalg.BandPart
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchCholesky
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchCholeskyGrad
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixBandPart
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixDeterminant
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixDiag
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixDiagPart
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixInverse
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixSetDiag
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixSolve
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixSolveLs
 
asOutput() - Method in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve
 
asOutput() - Method in class org.tensorflow.op.linalg.Cholesky
 
asOutput() - Method in class org.tensorflow.op.linalg.CholeskyGrad
 
asOutput() - Method in class org.tensorflow.op.linalg.ConjugateTranspose
 
asOutput() - Method in class org.tensorflow.op.linalg.Cross
 
asOutput() - Method in class org.tensorflow.op.linalg.Det
 
asOutput() - Method in class org.tensorflow.op.linalg.Einsum
 
asOutput() - Method in class org.tensorflow.op.linalg.EuclideanNorm
 
asOutput() - Method in class org.tensorflow.op.linalg.Inv
 
asOutput() - Method in class org.tensorflow.op.linalg.LoadAndRemapMatrix
 
asOutput() - Method in class org.tensorflow.op.linalg.MatMul
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixDiag
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixDiagPart
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixDiagPartV3
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixDiagV3
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixExponential
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixLogarithm
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixSetDiag
 
asOutput() - Method in class org.tensorflow.op.linalg.MatrixSolveLs
 
asOutput() - Method in class org.tensorflow.op.linalg.Solve
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMul
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixNNZ
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixOrderingAMD
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixZeros
 
asOutput() - Method in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix
 
asOutput() - Method in class org.tensorflow.op.linalg.Sqrtm
 
asOutput() - Method in class org.tensorflow.op.linalg.TensorDiag
 
asOutput() - Method in class org.tensorflow.op.linalg.TensorDiagPart
 
asOutput() - Method in class org.tensorflow.op.linalg.Transpose
 
asOutput() - Method in class org.tensorflow.op.linalg.TriangularSolve
 
asOutput() - Method in class org.tensorflow.op.linalg.TridiagonalMatMul
 
asOutput() - Method in class org.tensorflow.op.linalg.TridiagonalSolve
 
asOutput() - Method in class org.tensorflow.op.math.Abs
 
asOutput() - Method in class org.tensorflow.op.math.AccumulateN
 
asOutput() - Method in class org.tensorflow.op.math.Acos
 
asOutput() - Method in class org.tensorflow.op.math.Acosh
 
asOutput() - Method in class org.tensorflow.op.math.Add
 
asOutput() - Method in class org.tensorflow.op.math.AddN
 
asOutput() - Method in class org.tensorflow.op.math.Angle
 
asOutput() - Method in class org.tensorflow.op.math.ApproximateEqual
 
asOutput() - Method in class org.tensorflow.op.math.ArgMax
 
asOutput() - Method in class org.tensorflow.op.math.ArgMin
 
asOutput() - Method in class org.tensorflow.op.math.Asin
 
asOutput() - Method in class org.tensorflow.op.math.Asinh
 
asOutput() - Method in class org.tensorflow.op.math.Atan
 
asOutput() - Method in class org.tensorflow.op.math.Atan2
 
asOutput() - Method in class org.tensorflow.op.math.Atanh
 
asOutput() - Method in class org.tensorflow.op.math.BesselI0
 
asOutput() - Method in class org.tensorflow.op.math.BesselI0e
 
asOutput() - Method in class org.tensorflow.op.math.BesselI1
 
asOutput() - Method in class org.tensorflow.op.math.BesselI1e
 
asOutput() - Method in class org.tensorflow.op.math.Betainc
 
asOutput() - Method in class org.tensorflow.op.math.Bincount
 
asOutput() - Method in class org.tensorflow.op.math.Ceil
 
asOutput() - Method in class org.tensorflow.op.math.ComplexAbs
 
asOutput() - Method in class org.tensorflow.op.math.Conj
 
asOutput() - Method in class org.tensorflow.op.math.Cos
 
asOutput() - Method in class org.tensorflow.op.math.Cosh
 
asOutput() - Method in class org.tensorflow.op.math.Cumprod
 
asOutput() - Method in class org.tensorflow.op.math.Cumsum
 
asOutput() - Method in class org.tensorflow.op.math.CumulativeLogsumexp
 
asOutput() - Method in class org.tensorflow.op.math.DenseBincount
 
asOutput() - Method in class org.tensorflow.op.math.Digamma
 
asOutput() - Method in class org.tensorflow.op.math.Div
 
asOutput() - Method in class org.tensorflow.op.math.DivNoNan
 
asOutput() - Method in class org.tensorflow.op.math.Equal
 
asOutput() - Method in class org.tensorflow.op.math.Erf
 
asOutput() - Method in class org.tensorflow.op.math.Erfc
 
asOutput() - Method in class org.tensorflow.op.math.erfinv
 
asOutput() - Method in class org.tensorflow.op.math.Exp
 
asOutput() - Method in class org.tensorflow.op.math.Expm1
 
asOutput() - Method in class org.tensorflow.op.math.Fact
 
asOutput() - Method in class org.tensorflow.op.math.Floor
 
asOutput() - Method in class org.tensorflow.op.math.FloorDiv
 
asOutput() - Method in class org.tensorflow.op.math.FloorMod
 
asOutput() - Method in class org.tensorflow.op.math.Greater
 
asOutput() - Method in class org.tensorflow.op.math.GreaterEqual
 
asOutput() - Method in class org.tensorflow.op.math.Igamma
 
asOutput() - Method in class org.tensorflow.op.math.Igammac
 
asOutput() - Method in class org.tensorflow.op.math.IgammaGradA
 
asOutput() - Method in class org.tensorflow.op.math.Imag
 
asOutput() - Method in class org.tensorflow.op.math.InvertPermutation
 
asOutput() - Method in class org.tensorflow.op.math.IsFinite
 
asOutput() - Method in class org.tensorflow.op.math.IsInf
 
asOutput() - Method in class org.tensorflow.op.math.IsNan
 
asOutput() - Method in class org.tensorflow.op.math.Less
 
asOutput() - Method in class org.tensorflow.op.math.LessEqual
 
asOutput() - Method in class org.tensorflow.op.math.Lgamma
 
asOutput() - Method in class org.tensorflow.op.math.Log
 
asOutput() - Method in class org.tensorflow.op.math.Log1p
 
asOutput() - Method in class org.tensorflow.op.math.LogicalAnd
 
asOutput() - Method in class org.tensorflow.op.math.LogicalNot
 
asOutput() - Method in class org.tensorflow.op.math.LogicalOr
 
asOutput() - Method in class org.tensorflow.op.math.Maximum
 
asOutput() - Method in class org.tensorflow.op.math.Mean
 
asOutput() - Method in class org.tensorflow.op.math.Minimum
 
asOutput() - Method in class org.tensorflow.op.math.Mod
 
asOutput() - Method in class org.tensorflow.op.math.Mul
 
asOutput() - Method in class org.tensorflow.op.math.MulNoNan
 
asOutput() - Method in class org.tensorflow.op.math.Ndtri
 
asOutput() - Method in class org.tensorflow.op.math.Neg
 
asOutput() - Method in class org.tensorflow.op.math.NextAfter
 
asOutput() - Method in class org.tensorflow.op.math.NotEqual
 
asOutput() - Method in class org.tensorflow.op.math.Polygamma
 
asOutput() - Method in class org.tensorflow.op.math.PopulationCount
 
asOutput() - Method in class org.tensorflow.op.math.Pow
 
asOutput() - Method in class org.tensorflow.op.math.Real
 
asOutput() - Method in class org.tensorflow.op.math.RealDiv
 
asOutput() - Method in class org.tensorflow.op.math.Reciprocal
 
asOutput() - Method in class org.tensorflow.op.math.ReciprocalGrad
 
asOutput() - Method in class org.tensorflow.op.math.Rint
 
asOutput() - Method in class org.tensorflow.op.math.Round
 
asOutput() - Method in class org.tensorflow.op.math.Rsqrt
 
asOutput() - Method in class org.tensorflow.op.math.RsqrtGrad
 
asOutput() - Method in class org.tensorflow.op.math.SegmentMax
 
asOutput() - Method in class org.tensorflow.op.math.SegmentMean
 
asOutput() - Method in class org.tensorflow.op.math.SegmentMin
 
asOutput() - Method in class org.tensorflow.op.math.SegmentProd
 
asOutput() - Method in class org.tensorflow.op.math.SegmentSum
 
asOutput() - Method in class org.tensorflow.op.math.Sigmoid
 
asOutput() - Method in class org.tensorflow.op.math.SigmoidGrad
 
asOutput() - Method in class org.tensorflow.op.math.Sign
 
asOutput() - Method in class org.tensorflow.op.math.Sin
 
asOutput() - Method in class org.tensorflow.op.math.Sinh
 
asOutput() - Method in class org.tensorflow.op.math.SobolSample
 
asOutput() - Method in class org.tensorflow.op.math.Softplus
 
asOutput() - Method in class org.tensorflow.op.math.SoftplusGrad
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselJ0
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselJ1
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselK0
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselK0e
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselK1
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselK1e
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselY0
 
asOutput() - Method in class org.tensorflow.op.math.special.BesselY1
 
asOutput() - Method in class org.tensorflow.op.math.special.Dawsn
 
asOutput() - Method in class org.tensorflow.op.math.special.Expint
 
asOutput() - Method in class org.tensorflow.op.math.special.FresnelCos
 
asOutput() - Method in class org.tensorflow.op.math.special.FresnelSin
 
asOutput() - Method in class org.tensorflow.op.math.special.Spence
 
asOutput() - Method in class org.tensorflow.op.math.Sqrt
 
asOutput() - Method in class org.tensorflow.op.math.SqrtGrad
 
asOutput() - Method in class org.tensorflow.op.math.Square
 
asOutput() - Method in class org.tensorflow.op.math.SquaredDifference
 
asOutput() - Method in class org.tensorflow.op.math.Sub
 
asOutput() - Method in class org.tensorflow.op.math.Tan
 
asOutput() - Method in class org.tensorflow.op.math.Tanh
 
asOutput() - Method in class org.tensorflow.op.math.TanhGrad
 
asOutput() - Method in class org.tensorflow.op.math.TruncateDiv
 
asOutput() - Method in class org.tensorflow.op.math.TruncateMod
 
asOutput() - Method in class org.tensorflow.op.math.UniformQuantizedAdd
 
asOutput() - Method in class org.tensorflow.op.math.UnsortedSegmentMax
 
asOutput() - Method in class org.tensorflow.op.math.UnsortedSegmentMin
 
asOutput() - Method in class org.tensorflow.op.math.UnsortedSegmentProd
 
asOutput() - Method in class org.tensorflow.op.math.UnsortedSegmentSum
 
asOutput() - Method in class org.tensorflow.op.math.Xdivy
 
asOutput() - Method in class org.tensorflow.op.math.Xlog1py
 
asOutput() - Method in class org.tensorflow.op.math.Xlogy
 
asOutput() - Method in class org.tensorflow.op.math.Zeta
 
asOutput() - Method in class org.tensorflow.op.nn.AvgPool
 
asOutput() - Method in class org.tensorflow.op.nn.AvgPool3d
 
asOutput() - Method in class org.tensorflow.op.nn.AvgPool3dGrad
 
asOutput() - Method in class org.tensorflow.op.nn.AvgPoolGrad
 
asOutput() - Method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization
 
asOutput() - Method in class org.tensorflow.op.nn.BiasAdd
 
asOutput() - Method in class org.tensorflow.op.nn.BiasAddGrad
 
asOutput() - Method in class org.tensorflow.op.nn.Conv
 
asOutput() - Method in class org.tensorflow.op.nn.Conv2d
 
asOutput() - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter
 
asOutput() - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
 
asOutput() - Method in class org.tensorflow.op.nn.Conv2dBackpropInput
 
asOutput() - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
 
asOutput() - Method in class org.tensorflow.op.nn.Conv3d
 
asOutput() - Method in class org.tensorflow.op.nn.Conv3dBackpropFilter
 
asOutput() - Method in class org.tensorflow.op.nn.Conv3dBackpropInput
 
asOutput() - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
 
asOutput() - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize
 
asOutput() - Method in class org.tensorflow.op.nn.DataFormatDimMap
 
asOutput() - Method in class org.tensorflow.op.nn.DataFormatVecPermute
 
asOutput() - Method in class org.tensorflow.op.nn.DepthToSpace
 
asOutput() - Method in class org.tensorflow.op.nn.DepthwiseConv2dNative
 
asOutput() - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
 
asOutput() - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
 
asOutput() - Method in class org.tensorflow.op.nn.Dilation2d
 
asOutput() - Method in class org.tensorflow.op.nn.Dilation2dBackpropFilter
 
asOutput() - Method in class org.tensorflow.op.nn.Dilation2dBackpropInput
 
asOutput() - Method in class org.tensorflow.op.nn.Elu
 
asOutput() - Method in class org.tensorflow.op.nn.EluGrad
 
asOutput() - Method in class org.tensorflow.op.nn.FractionalAvgPoolGrad
 
asOutput() - Method in class org.tensorflow.op.nn.FractionalMaxPoolGrad
 
asOutput() - Method in class org.tensorflow.op.nn.FusedPadConv2d
 
asOutput() - Method in class org.tensorflow.op.nn.FusedResizeAndPadConv2d
 
asOutput() - Method in class org.tensorflow.op.nn.InTopK
 
asOutput() - Method in class org.tensorflow.op.nn.InvGrad
 
asOutput() - Method in class org.tensorflow.op.nn.L2Loss
 
asOutput() - Method in class org.tensorflow.op.nn.LeakyRelu
 
asOutput() - Method in class org.tensorflow.op.nn.LocalResponseNormalization
 
asOutput() - Method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
 
asOutput() - Method in class org.tensorflow.op.nn.LogSoftmax
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPool
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPool3d
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPool3dGrad
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPool3dGradGrad
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPoolGrad
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPoolGradGrad
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax
 
asOutput() - Method in class org.tensorflow.op.nn.MaxPoolGradWithArgmax
 
asOutput() - Method in class org.tensorflow.op.nn.NthElement
 
asOutput() - Method in class org.tensorflow.op.nn.Relu
 
asOutput() - Method in class org.tensorflow.op.nn.Relu6
 
asOutput() - Method in class org.tensorflow.op.nn.Relu6Grad
 
asOutput() - Method in class org.tensorflow.op.nn.ReluGrad
 
asOutput() - Method in class org.tensorflow.op.nn.Selu
 
asOutput() - Method in class org.tensorflow.op.nn.SeluGrad
 
asOutput() - Method in class org.tensorflow.op.nn.Softmax
 
asOutput() - Method in class org.tensorflow.op.nn.Softsign
 
asOutput() - Method in class org.tensorflow.op.nn.SoftsignGrad
 
asOutput() - Method in class org.tensorflow.op.nn.SpaceToBatch
 
asOutput() - Method in class org.tensorflow.op.nn.SpaceToDepth
 
asOutput() - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution
 
asOutput() - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
 
asOutput() - Method in class org.tensorflow.op.quantization.Dequantize
 
asOutput() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
 
asOutput() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
 
asOutput() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars
 
asOutput() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel
 
asOutput() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantize
 
asOutput() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
 
asOutput() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
 
asOutput() - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
 
asOutput() - Method in class org.tensorflow.op.quantization.UniformDequantize
 
asOutput() - Method in class org.tensorflow.op.quantization.UniformQuantize
 
asOutput() - Method in class org.tensorflow.op.quantization.UniformQuantizedDot
 
asOutput() - Method in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid
 
asOutput() - Method in class org.tensorflow.op.quantization.UniformRequantize
 
asOutput() - Method in class org.tensorflow.op.ragged.RaggedBincount
 
asOutput() - Method in class org.tensorflow.op.ragged.RaggedTensorToTensor
 
asOutput() - Method in class org.tensorflow.op.ragged.RaggedTensorToVariant
 
asOutput() - Method in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient
 
asOutput() - Method in class org.tensorflow.op.random.DummySeedGenerator
 
asOutput() - Method in class org.tensorflow.op.random.experimental.StatelessShuffle
 
asOutput() - Method in class org.tensorflow.op.random.Multinomial
 
asOutput() - Method in class org.tensorflow.op.random.NonDeterministicInts
 
asOutput() - Method in class org.tensorflow.op.random.ParameterizedTruncatedNormal
 
asOutput() - Method in class org.tensorflow.op.random.RandomGamma
 
asOutput() - Method in class org.tensorflow.op.random.RandomGammaGrad
 
asOutput() - Method in class org.tensorflow.op.random.RandomPoisson
 
asOutput() - Method in class org.tensorflow.op.random.RandomShuffle
 
asOutput() - Method in class org.tensorflow.op.random.RandomStandardNormal
 
asOutput() - Method in class org.tensorflow.op.random.RandomUniform
 
asOutput() - Method in class org.tensorflow.op.random.RandomUniformInt
 
asOutput() - Method in class org.tensorflow.op.random.RecordInput
 
asOutput() - Method in class org.tensorflow.op.random.RngReadAndSkip
 
asOutput() - Method in class org.tensorflow.op.random.StatefulRandomBinomial
 
asOutput() - Method in class org.tensorflow.op.random.StatefulStandardNormal
 
asOutput() - Method in class org.tensorflow.op.random.StatefulTruncatedNormal
 
asOutput() - Method in class org.tensorflow.op.random.StatefulUniform
 
asOutput() - Method in class org.tensorflow.op.random.StatefulUniformFullInt
 
asOutput() - Method in class org.tensorflow.op.random.StatefulUniformInt
 
asOutput() - Method in class org.tensorflow.op.random.StatelessMultinomial
 
asOutput() - Method in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomBinomial
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomGamma
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomGetAlg
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomNormal
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomNormalV2
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomPoisson
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomUniform
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomUniformFullInt
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomUniformInt
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomUniformIntV2
 
asOutput() - Method in class org.tensorflow.op.random.StatelessRandomUniformV2
 
asOutput() - Method in class org.tensorflow.op.random.StatelessTruncatedNormal
 
asOutput() - Method in class org.tensorflow.op.random.StatelessTruncatedNormalV2
 
asOutput() - Method in class org.tensorflow.op.random.TruncatedNormal
 
asOutput() - Method in class org.tensorflow.op.signal.BatchFft
 
asOutput() - Method in class org.tensorflow.op.signal.BatchFft2d
 
asOutput() - Method in class org.tensorflow.op.signal.BatchFft3d
 
asOutput() - Method in class org.tensorflow.op.signal.BatchIfft
 
asOutput() - Method in class org.tensorflow.op.signal.BatchIfft2d
 
asOutput() - Method in class org.tensorflow.op.signal.BatchIfft3d
 
asOutput() - Method in class org.tensorflow.op.signal.Fft
 
asOutput() - Method in class org.tensorflow.op.signal.Fft2d
 
asOutput() - Method in class org.tensorflow.op.signal.Fft3d
 
asOutput() - Method in class org.tensorflow.op.signal.FftNd
 
asOutput() - Method in class org.tensorflow.op.signal.Ifft
 
asOutput() - Method in class org.tensorflow.op.signal.Ifft2d
 
asOutput() - Method in class org.tensorflow.op.signal.Ifft3d
 
asOutput() - Method in class org.tensorflow.op.signal.IfftNd
 
asOutput() - Method in class org.tensorflow.op.signal.Irfft
 
asOutput() - Method in class org.tensorflow.op.signal.Irfft2d
 
asOutput() - Method in class org.tensorflow.op.signal.Irfft3d
 
asOutput() - Method in class org.tensorflow.op.signal.IrfftNd
 
asOutput() - Method in class org.tensorflow.op.signal.Rfft
 
asOutput() - Method in class org.tensorflow.op.signal.Rfft2d
 
asOutput() - Method in class org.tensorflow.op.signal.Rfft3d
 
asOutput() - Method in class org.tensorflow.op.signal.RfftNd
 
asOutput() - Method in class org.tensorflow.op.sparse.AddManySparseToTensorsMap
 
asOutput() - Method in class org.tensorflow.op.sparse.AddSparseToTensorsMap
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseBincount
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseConditionalAccumulator
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseDenseCwiseAdd
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseDenseCwiseDiv
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseDenseCwiseMul
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseMatMul
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseReduceMax
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseReduceSum
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSegmentMean
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtN
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSegmentSum
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSliceGrad
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseSoftmax
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseTensorDenseAdd
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseTensorDenseMatMul
 
asOutput() - Method in class org.tensorflow.op.sparse.SparseToDense
 
asOutput() - Method in class org.tensorflow.op.strings.Join
 
asOutput() - Method in class org.tensorflow.op.strings.Lower
 
asOutput() - Method in class org.tensorflow.op.strings.ReduceJoin
 
asOutput() - Method in class org.tensorflow.op.strings.RegexFullMatch
 
asOutput() - Method in class org.tensorflow.op.strings.RegexReplace
 
asOutput() - Method in class org.tensorflow.op.strings.StaticRegexFullMatch
 
asOutput() - Method in class org.tensorflow.op.strings.StaticRegexReplace
 
asOutput() - Method in class org.tensorflow.op.strings.StringFormat
 
asOutput() - Method in class org.tensorflow.op.strings.StringLength
 
asOutput() - Method in class org.tensorflow.op.strings.Strip
 
asOutput() - Method in class org.tensorflow.op.strings.Substr
 
asOutput() - Method in class org.tensorflow.op.strings.ToHashBucket
 
asOutput() - Method in class org.tensorflow.op.strings.ToHashBucketFast
 
asOutput() - Method in class org.tensorflow.op.strings.ToHashBucketStrong
 
asOutput() - Method in class org.tensorflow.op.strings.ToNumber
 
asOutput() - Method in class org.tensorflow.op.strings.UnicodeEncode
 
asOutput() - Method in class org.tensorflow.op.strings.UnicodeScript
 
asOutput() - Method in class org.tensorflow.op.strings.UnicodeTranscode
 
asOutput() - Method in class org.tensorflow.op.strings.UnsortedSegmentJoin
 
asOutput() - Method in class org.tensorflow.op.strings.Upper
 
asOutput() - Method in class org.tensorflow.op.summary.AudioSummary
 
asOutput() - Method in class org.tensorflow.op.summary.HistogramSummary
 
asOutput() - Method in class org.tensorflow.op.summary.ImageSummary
 
asOutput() - Method in class org.tensorflow.op.summary.MergeSummary
 
asOutput() - Method in class org.tensorflow.op.summary.ScalarSummary
 
asOutput() - Method in class org.tensorflow.op.summary.StatsAggregatorSummary
 
asOutput() - Method in class org.tensorflow.op.summary.SummaryWriter
 
asOutput() - Method in class org.tensorflow.op.summary.TensorSummary
 
asOutput() - Method in class org.tensorflow.op.tpu.AllToAll
 
asOutput() - Method in class org.tensorflow.op.tpu.CollateTPUEmbeddingMemory
 
asOutput() - Method in class org.tensorflow.op.tpu.CompilationResult
 
asOutput() - Method in class org.tensorflow.op.tpu.ComputeDedupDataSize
 
asOutput() - Method in class org.tensorflow.op.tpu.ComputeDedupDataTupleMask
 
asOutput() - Method in class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU
 
asOutput() - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
 
asOutput() - Method in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost
 
asOutput() - Method in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingMemory
 
asOutput() - Method in class org.tensorflow.op.tpu.CrossReplicaSum
 
asOutput() - Method in class org.tensorflow.op.tpu.EmbeddingActivations
 
asOutput() - Method in class org.tensorflow.op.tpu.ExecuteTPUEmbeddingPartitioner
 
asOutput() - Method in class org.tensorflow.op.tpu.GlobalIterId
 
asOutput() - Method in class org.tensorflow.op.tpu.InfeedDequeue
 
asOutput() - Method in class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized
 
asOutput() - Method in class org.tensorflow.op.tpu.MergeDedupData
 
asOutput() - Method in class org.tensorflow.op.tpu.OrdinalSelector
 
asOutput() - Method in class org.tensorflow.op.tpu.OutfeedDequeue
 
asOutput() - Method in class org.tensorflow.op.tpu.OutfeedDequeueV2
 
asOutput() - Method in class org.tensorflow.op.tpu.PartitionedInput
 
asOutput() - Method in class org.tensorflow.op.tpu.Prelinearize
 
asOutput() - Method in class org.tensorflow.op.tpu.PrelinearizeTuple
 
asOutput() - Method in class org.tensorflow.op.tpu.ReplicatedInput
 
asOutput() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
 
asOutput() - Method in class org.tensorflow.op.tpu.ShutdownTPUSystem
 
asOutput() - Method in class org.tensorflow.op.tpu.TPUCompilationResult
Deprecated.
 
asOutput() - Method in class org.tensorflow.op.tpu.TPUEmbeddingActivations
Deprecated.
 
asOutput() - Method in class org.tensorflow.op.tpu.TpuHandleToProtoKey
 
asOutput() - Method in class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
 
asOutput() - Method in class org.tensorflow.op.tpu.TPURoundRobin
 
asOutput() - Method in class org.tensorflow.op.tpu.WorkerHeartbeat
 
asOutput() - Method in class org.tensorflow.op.train.AccumulatorNumAccumulated
 
asOutput() - Method in class org.tensorflow.op.train.AccumulatorTakeGradient
 
asOutput() - Method in class org.tensorflow.op.train.ApplyAdadelta
 
asOutput() - Method in class org.tensorflow.op.train.ApplyAdagrad
 
asOutput() - Method in class org.tensorflow.op.train.ApplyAdagradDa
 
asOutput() - Method in class org.tensorflow.op.train.ApplyAdagradV2
 
asOutput() - Method in class org.tensorflow.op.train.ApplyAdam
 
asOutput() - Method in class org.tensorflow.op.train.ApplyAdaMax
 
asOutput() - Method in class org.tensorflow.op.train.ApplyAddSign
 
asOutput() - Method in class org.tensorflow.op.train.ApplyCenteredRmsProp
 
asOutput() - Method in class org.tensorflow.op.train.ApplyFtrl
 
asOutput() - Method in class org.tensorflow.op.train.ApplyGradientDescent
 
asOutput() - Method in class org.tensorflow.op.train.ApplyMomentum
 
asOutput() - Method in class org.tensorflow.op.train.ApplyPowerSign
 
asOutput() - Method in class org.tensorflow.op.train.ApplyProximalAdagrad
 
asOutput() - Method in class org.tensorflow.op.train.ApplyProximalGradientDescent
 
asOutput() - Method in class org.tensorflow.op.train.ApplyRmsProp
 
asOutput() - Method in class org.tensorflow.op.train.BatchMatMul
 
asOutput() - Method in class org.tensorflow.op.train.ComputeBatchSize
 
asOutput() - Method in class org.tensorflow.op.train.ConditionalAccumulator
 
asOutput() - Method in class org.tensorflow.op.train.PreventGradient
 
asOutput() - Method in class org.tensorflow.op.train.ResourceAccumulatorNumAccumulated
 
asOutput() - Method in class org.tensorflow.op.train.ResourceAccumulatorTakeGradient
 
asOutput() - Method in class org.tensorflow.op.train.ResourceConditionalAccumulator
 
asOutput() - Method in class org.tensorflow.op.train.RestoreSlice
 
asOutput() - Method in class org.tensorflow.op.train.SdcaFprint
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyAdadelta
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyAdagrad
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyAdagradDa
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyCenteredRmsProp
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyFtrl
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyMomentum
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyProximalAdagrad
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyProximalGradientDescent
 
asOutput() - Method in class org.tensorflow.op.train.SparseApplyRmsProp
 
asOutput() - Method in class org.tensorflow.op.train.TileGrad
 
asOutput() - Method in class org.tensorflow.op.xla.ConcatND
 
asOutput() - Method in class org.tensorflow.op.xla.XlaRecvFromHost
 
asOutput() - Method in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingDeduplicationData
 
asOutput() - Method in class org.tensorflow.op.xla.XlaSparseCoreSgd
 
asOutput() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput
 
asOutput() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput
 
asOutput() - Method in interface org.tensorflow.Operand
Returns the symbolic handle of the tensor.
asOutput() - Method in class org.tensorflow.Output
 
asOutputs(Iterable<? extends Operand<?>>) - Static method in class org.tensorflow.op.Operands
Converts a list of Operand into an array of Output.
aspectRatioRange - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
The cropped area of the image must have an aspect ratio = width / height within this range.
aspectRatioRange - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
The cropped area of the image must have an aspect ratio = width / height within this range.
aspectRatioRange(Float...) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the aspectRatioRange option.
aspectRatioRange(Float...) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the aspectRatioRange option.
aspectRatioRange(Float...) - Static method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Sets the aspectRatioRange option.
aspectRatioRange(Float...) - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Options
Sets the aspectRatioRange option.
aspectRatioRange(List<Float>) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the aspectRatioRange option.
aspectRatioRange(List<Float>) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the aspectRatioRange option.
aspectRatioRange(List<Float>) - Static method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Sets the aspectRatioRange option.
aspectRatioRange(List<Float>) - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Options
Sets the aspectRatioRange option.
asRawTensor() - Method in class org.tensorflow.RawTensor
 
asRawTensor() - Method in interface org.tensorflow.SparseTensor
 
asRawTensor() - Method in interface org.tensorflow.Tensor
Returns a raw (untyped) representation of this tensor
assertCardinalityDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The AssertCardinalityDataset operation
AssertCardinalityDataset - Class in org.tensorflow.op.data
The AssertCardinalityDataset operation
AssertCardinalityDataset(Operation) - Constructor for class org.tensorflow.op.data.AssertCardinalityDataset
 
AssertCardinalityDataset.Inputs - Class in org.tensorflow.op.data
 
assertNextDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalAssertNextDataset operation
assertNextDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
A transformation that asserts which transformations happen next.
AssertNextDataset - Class in org.tensorflow.op.data
A transformation that asserts which transformations happen next.
AssertNextDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalAssertNextDataset operation
AssertNextDataset(Operation) - Constructor for class org.tensorflow.op.data.AssertNextDataset
 
AssertNextDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.AssertNextDataset
 
AssertNextDataset.Inputs - Class in org.tensorflow.op.data
 
AssertNextDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
assertPrevDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
A transformation that asserts which transformations happened previously.
AssertPrevDataset - Class in org.tensorflow.op.data
A transformation that asserts which transformations happened previously.
AssertPrevDataset(Operation) - Constructor for class org.tensorflow.op.data.AssertPrevDataset
 
AssertPrevDataset.Inputs - Class in org.tensorflow.op.data
 
assertThat(Operand<TBool>, Iterable<Operand<?>>, AssertThat.Options...) - Method in class org.tensorflow.op.Ops
Asserts that the given condition is true.
AssertThat - Class in org.tensorflow.op.core
Asserts that the given condition is true.
AssertThat(Operation) - Constructor for class org.tensorflow.op.core.AssertThat
 
AssertThat.Inputs - Class in org.tensorflow.op.core
 
AssertThat.Options - Class in org.tensorflow.op.core
Optional attributes for AssertThat
assign(Operand<T>, Operand<T>, Assign.Options...) - Method in class org.tensorflow.op.Ops
Update 'ref' by assigning 'value' to it.
Assign<T extends TType> - Class in org.tensorflow.op.core
Update 'ref' by assigning 'value' to it.
Assign(Operation) - Constructor for class org.tensorflow.op.core.Assign
 
Assign.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Assign.Options - Class in org.tensorflow.op.core
Optional attributes for Assign
assignAdd(Operand<T>, Operand<T>, AssignAdd.Options...) - Method in class org.tensorflow.op.Ops
Update 'ref' by adding 'value' to it.
AssignAdd<T extends TType> - Class in org.tensorflow.op.core
Update 'ref' by adding 'value' to it.
AssignAdd(Operation) - Constructor for class org.tensorflow.op.core.AssignAdd
 
AssignAdd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
AssignAdd.Options - Class in org.tensorflow.op.core
Optional attributes for AssignAdd
assignAddVariableOp(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Adds a value to the current value of a variable.
AssignAddVariableOp - Class in org.tensorflow.op.core
Adds a value to the current value of a variable.
AssignAddVariableOp(Operation) - Constructor for class org.tensorflow.op.core.AssignAddVariableOp
 
AssignAddVariableOp.Inputs - Class in org.tensorflow.op.core
 
assignSub(Operand<T>, Operand<T>, AssignSub.Options...) - Method in class org.tensorflow.op.Ops
Update 'ref' by subtracting 'value' from it.
AssignSub<T extends TType> - Class in org.tensorflow.op.core
Update 'ref' by subtracting 'value' from it.
AssignSub(Operation) - Constructor for class org.tensorflow.op.core.AssignSub
 
AssignSub.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
AssignSub.Options - Class in org.tensorflow.op.core
Optional attributes for AssignSub
assignSubVariableOp(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Subtracts a value from the current value of a variable.
AssignSubVariableOp - Class in org.tensorflow.op.core
Subtracts a value from the current value of a variable.
AssignSubVariableOp(Operation) - Constructor for class org.tensorflow.op.core.AssignSubVariableOp
 
AssignSubVariableOp.Inputs - Class in org.tensorflow.op.core
 
assignVariableConcatND(Operand<? extends TType>, Iterable<Operand<? extends TType>>, List<Long>, AssignVariableConcatND.Options...) - Method in class org.tensorflow.op.XlaOps
Concats input tensor across all dimensions.
AssignVariableConcatND - Class in org.tensorflow.op.xla
Concats input tensor across all dimensions.
AssignVariableConcatND(Operation) - Constructor for class org.tensorflow.op.xla.AssignVariableConcatND
 
AssignVariableConcatND.Inputs - Class in org.tensorflow.op.xla
 
AssignVariableConcatND.Options - Class in org.tensorflow.op.xla
Optional attributes for AssignVariableConcatND
assignVariableOp(Operand<? extends TType>, Operand<? extends TType>, AssignVariableOp.Options...) - Method in class org.tensorflow.op.Ops
Assigns a new value to a variable.
AssignVariableOp - Class in org.tensorflow.op.core
Assigns a new value to a variable.
AssignVariableOp(Operation) - Constructor for class org.tensorflow.op.core.AssignVariableOp
 
AssignVariableOp.Inputs - Class in org.tensorflow.op.core
 
AssignVariableOp.Options - Class in org.tensorflow.op.core
Optional attributes for AssignVariableOp
asString(Operand<? extends TType>, AsString.Options...) - Method in class org.tensorflow.op.DtypesOps
Converts each entry in the given tensor to strings.
AsString - Class in org.tensorflow.op.dtypes
Converts each entry in the given tensor to strings.
AsString(Operation) - Constructor for class org.tensorflow.op.dtypes.AsString
 
AsString.Inputs - Class in org.tensorflow.op.dtypes
 
AsString.Options - Class in org.tensorflow.op.dtypes
Optional attributes for AsString
asTensor() - Method in interface org.tensorflow.Operand
Returns the tensor at this operand.
asTensor() - Method in class org.tensorflow.Output
Returns the tensor at this output.
asTypedTensor() - Method in interface org.tensorflow.SparseTensor
Returns this instance as a typed tensor.
async(boolean) - Method in class org.tensorflow.EagerSession.Options
Controls how operations dispatched are actually executed.
atan(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the trignometric inverse tangent of x element-wise.
Atan<T extends TType> - Class in org.tensorflow.op.math
Computes the trignometric inverse tangent of x element-wise.
Atan(Operation) - Constructor for class org.tensorflow.op.math.Atan
 
Atan.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
atan2(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes arctangent of y/x element-wise, respecting signs of the arguments.
Atan2<T extends TNumber> - Class in org.tensorflow.op.math
Computes arctangent of y/x element-wise, respecting signs of the arguments.
Atan2(Operation) - Constructor for class org.tensorflow.op.math.Atan2
 
Atan2.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
atanh(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes inverse hyperbolic tangent of x element-wise.
Atanh<T extends TType> - Class in org.tensorflow.op.math
Computes inverse hyperbolic tangent of x element-wise.
Atanh(Operation) - Constructor for class org.tensorflow.op.math.Atanh
 
Atanh.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
attachFunction(ConcreteFunction) - Method in class org.tensorflow.EagerSession
 
attachFunction(ConcreteFunction) - Method in interface org.tensorflow.ExecutionEnvironment
Attach the function and its dependencies to this execution environment, allowing it to be called.
attachFunction(ConcreteFunction) - Method in class org.tensorflow.Graph
 
attributeMetadata(String) - Method in class org.tensorflow.op.RawOpInputs
Get the metadata for an attribute
AttributeMetadata - Class in org.tensorflow.op
Metadata of an op's attribute.
AttributeMetadata(boolean, long, int, long) - Constructor for class org.tensorflow.op.AttributeMetadata
 
AttributeMetadata(TF_AttrMetadata) - Constructor for class org.tensorflow.op.AttributeMetadata
 
attributeNames() - Method in class org.tensorflow.op.RawOpInputs
Get the names of this op's attributes
attributes() - Method in class org.tensorflow.GraphOperation
Get an inspector for the graph operation's attributes.
attributes() - Method in class org.tensorflow.op.RawOpInputs
Get an inspector for the operation's attributes.
attributeValue(String) - Method in class org.tensorflow.op.RawOpInputs
Get the value of an attribute as an AttrValue proto.
attributeValues() - Method in class org.tensorflow.op.RawOpInputs
Get all attribute value protos
audio - Variable in class org.tensorflow.op.audio.EncodeWav.Inputs
2-D with shape [length, channels].
audio - Variable in class org.tensorflow.op.Ops
 
audio() - Method in class org.tensorflow.op.audio.DecodeWav
Gets audio.
AudioOps - Class in org.tensorflow.op
An API for building audio operations as Ops
audioSpectrogram(Operand<TFloat32>, Long, Long, AudioSpectrogram.Options...) - Method in class org.tensorflow.op.AudioOps
Produces a visualization of audio data over time.
AudioSpectrogram - Class in org.tensorflow.op.audio
Produces a visualization of audio data over time.
AudioSpectrogram(Operation) - Constructor for class org.tensorflow.op.audio.AudioSpectrogram
 
AudioSpectrogram.Inputs - Class in org.tensorflow.op.audio
 
AudioSpectrogram.Options - Class in org.tensorflow.op.audio
Optional attributes for AudioSpectrogram
audioSummary(Operand<TString>, Operand<TFloat32>, Operand<TFloat32>, AudioSummary.Options...) - Method in class org.tensorflow.op.SummaryOps
Outputs a Summary protocol buffer with audio.
AudioSummary - Class in org.tensorflow.op.summary
Outputs a Summary protocol buffer with audio.
AudioSummary(Operation) - Constructor for class org.tensorflow.op.summary.AudioSummary
 
AudioSummary.Inputs - Class in org.tensorflow.op.summary
 
AudioSummary.Options - Class in org.tensorflow.op.summary
Optional attributes for AudioSummary
autoShardDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, AutoShardDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that shards the input dataset.
autoShardDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, AutoShardDataset.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that shards the input dataset.
AutoShardDataset - Class in org.tensorflow.op.data
Creates a dataset that shards the input dataset.
AutoShardDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that shards the input dataset.
AutoShardDataset(Operation) - Constructor for class org.tensorflow.op.data.AutoShardDataset
 
AutoShardDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.AutoShardDataset
 
AutoShardDataset.Inputs - Class in org.tensorflow.op.data
 
AutoShardDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
AutoShardDataset.Options - Class in org.tensorflow.op.data
Optional attributes for AutoShardDataset
AutoShardDataset.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for AutoShardDataset
autoShardPolicy - Variable in class org.tensorflow.op.data.AutoShardDataset.Inputs
The autoShardPolicy attribute
autoShardPolicy - Variable in class org.tensorflow.op.data.experimental.AutoShardDataset.Inputs
The autoShardPolicy attribute
autoShardPolicy(Long) - Static method in class org.tensorflow.op.data.AutoShardDataset
Sets the autoShardPolicy option.
autoShardPolicy(Long) - Method in class org.tensorflow.op.data.AutoShardDataset.Options
Sets the autoShardPolicy option.
autoShardPolicy(Long) - Static method in class org.tensorflow.op.data.experimental.AutoShardDataset
Sets the autoShardPolicy option.
autoShardPolicy(Long) - Method in class org.tensorflow.op.data.experimental.AutoShardDataset.Options
Sets the autoShardPolicy option.
autotunerThresh - Variable in class org.tensorflow.op.tpu.PartitionedCall.Inputs
The autotunerThresh attribute
autotunerThresh(Long) - Static method in class org.tensorflow.op.tpu.PartitionedCall
Sets the autotunerThresh option.
autotunerThresh(Long) - Method in class org.tensorflow.op.tpu.PartitionedCall.Options
Sets the autotunerThresh option.
auxiliary1 - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial values of the first auxiliary optimization parameter to use in embedding training loop updates.
auxiliary1() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets auxiliary1.
auxiliary2 - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial values of the second auxiliary optimization parameter to use in embedding training loop updates.
auxiliary2() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets auxiliary2.
auxiliary3 - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial values of the third auxiliary optimization parameter to use in embedding training loop updates.
auxiliary3() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets auxiliary3.
auxiliary4 - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial values of the second auxiliary optimization parameter to use in embedding training loop updates.
auxiliary4() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets auxiliary4.
auxiliary5 - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial values of the third auxiliary optimization parameter to use in embedding training loop updates.
auxiliary5() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets auxiliary5.
auxiliary6 - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial values of the second auxiliary optimization parameter to use in embedding training loop updates.
auxiliary6() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets auxiliary6.
auxiliary7 - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial values of the third auxiliary optimization parameter to use in embedding training loop updates.
auxiliary7() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets auxiliary7.
aValGrad() - Method in class org.tensorflow.op.sparse.SparseAddGrad
Gets aValGrad.
aValues - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
1-D.
aValues - Variable in class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
1-D.
aValues - Variable in class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
1-D.
aValues - Variable in class org.tensorflow.op.sparse.SparseTensorDenseAdd.Inputs
1-D.
aValues - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
1-D.
average() - Method in class org.tensorflow.op.train.AccumulatorTakeGradient
Gets average.
average() - Method in class org.tensorflow.op.train.ResourceAccumulatorTakeGradient
Gets average.
avgPool(Operand<T>, List<Long>, List<Long>, String, AvgPool.Options...) - Method in class org.tensorflow.op.NnOps
Performs average pooling on the input.
AvgPool<T extends TNumber> - Class in org.tensorflow.op.nn
Performs average pooling on the input.
AvgPool(Operation) - Constructor for class org.tensorflow.op.nn.AvgPool
 
AvgPool.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
AvgPool.Options - Class in org.tensorflow.op.nn
Optional attributes for AvgPool
avgPool3d(Operand<T>, List<Long>, List<Long>, String, AvgPool3d.Options...) - Method in class org.tensorflow.op.NnOps
Performs 3D average pooling on the input.
AvgPool3d<T extends TNumber> - Class in org.tensorflow.op.nn
Performs 3D average pooling on the input.
AvgPool3d(Operation) - Constructor for class org.tensorflow.op.nn.AvgPool3d
 
AvgPool3d.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
AvgPool3d.Options - Class in org.tensorflow.op.nn
Optional attributes for AvgPool3d
avgPool3dGrad(Operand<TInt32>, Operand<T>, List<Long>, List<Long>, String, AvgPool3dGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes gradients of average pooling function.
AvgPool3dGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradients of average pooling function.
AvgPool3dGrad(Operation) - Constructor for class org.tensorflow.op.nn.AvgPool3dGrad
 
AvgPool3dGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
AvgPool3dGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for AvgPool3dGrad
avgPoolGrad(Operand<TInt32>, Operand<T>, List<Long>, List<Long>, String, AvgPoolGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes gradients of the average pooling function.
AvgPoolGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradients of the average pooling function.
AvgPoolGrad(Operation) - Constructor for class org.tensorflow.op.nn.AvgPoolGrad
 
AvgPoolGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
AvgPoolGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for AvgPoolGrad
axes - Variable in class org.tensorflow.op.signal.FftNd.Inputs
An int32 tensor with a same shape as fft_length.
axes - Variable in class org.tensorflow.op.signal.IfftNd.Inputs
An int32 tensor with a same shape as fft_length.
axes - Variable in class org.tensorflow.op.signal.IrfftNd.Inputs
An int32 tensor with a same shape as fft_length.
axes - Variable in class org.tensorflow.op.signal.RfftNd.Inputs
An int32 tensor with a same shape as fft_length.
axis - Variable in class org.tensorflow.op.core.All.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.Any.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.Concat.Inputs
0-D.
axis - Variable in class org.tensorflow.op.core.ExpandDims.Inputs
0-D (scalar).
axis - Variable in class org.tensorflow.op.core.Gather.Inputs
The axis in params to gather indices from.
axis - Variable in class org.tensorflow.op.core.Max.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.Min.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.OneHot.Inputs
The axis to fill (default: -1, a new inner-most axis).
axis - Variable in class org.tensorflow.op.core.Prod.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.ReduceAll.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.ReduceAny.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.ReduceMax.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.ReduceMin.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.ReduceProd.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.ReduceSum.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.Reverse.Inputs
1-D.
axis - Variable in class org.tensorflow.op.core.Roll.Inputs
Dimension must be 0-D or 1-D.
axis - Variable in class org.tensorflow.op.core.Split.Inputs
0-D.
axis - Variable in class org.tensorflow.op.core.SplitV.Inputs
0-D.
axis - Variable in class org.tensorflow.op.core.Squeeze.Inputs
If specified, only squeezes the dimensions listed.
axis - Variable in class org.tensorflow.op.core.Stack.Inputs
Dimension along which to pack.
axis - Variable in class org.tensorflow.op.core.Sum.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.core.Unique.Inputs
A Tensor of type int32 (default: None).
axis - Variable in class org.tensorflow.op.core.UniqueWithCounts.Inputs
A Tensor of type int32 (default: None).
axis - Variable in class org.tensorflow.op.core.Unstack.Inputs
Dimension along which to unpack.
axis - Variable in class org.tensorflow.op.linalg.EuclideanNorm.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.math.Cumprod.Inputs
A Tensor of type int32 (default: 0).
axis - Variable in class org.tensorflow.op.math.Cumsum.Inputs
A Tensor of type int32 (default: 0).
axis - Variable in class org.tensorflow.op.math.CumulativeLogsumexp.Inputs
A Tensor of type int32 (default: 0).
axis - Variable in class org.tensorflow.op.math.Mean.Inputs
The dimensions to reduce.
axis - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
The axis attribute
axis - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The axis attribute
axis - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The axis attribute
axis - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The axis attribute
axis - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
If specified, this axis is treated as a channel or slice axis, and a separate quantization range is used for each channel or slice along this axis.
axis - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Inputs
The axis attribute
axis(int) - Static method in class org.tensorflow.op.core.BooleanMask
Used to indicate the axis to mask from.
axis(Integer) - Static method in class org.tensorflow.op.core.BooleanMask
Used to indicate the axis to mask from.
axis(Integer) - Method in class org.tensorflow.op.core.BooleanMask.Options
 
axis(Integer) - Static method in class org.tensorflow.op.core.BooleanMaskUpdate
Used to indicate the axis to mask from.
axis(Integer) - Method in class org.tensorflow.op.core.BooleanMaskUpdate.Options
 
axis(Long) - Static method in class org.tensorflow.op.core.OneHot
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.core.OneHot.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.core.Stack
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.core.Stack.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.core.Unstack
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.core.Unstack.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.quantization.Dequantize
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.quantization.Dequantize.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.quantization.Quantize
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.quantization.Quantize.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantize
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantize.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Options
Sets the axis option.
axis(Long) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad
Sets the axis option.
axis(Long) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Options
Sets the axis option.
axis(Long...) - Static method in class org.tensorflow.op.core.Squeeze
Sets the axis option.
axis(Long...) - Method in class org.tensorflow.op.core.Squeeze.Options
Sets the axis option.
axis(List<Long>) - Static method in class org.tensorflow.op.core.Squeeze
Sets the axis option.
axis(List<Long>) - Method in class org.tensorflow.op.core.Squeeze.Options
Sets the axis option.

B

b - Variable in class org.tensorflow.op.linalg.Cross.Inputs
Another tensor, of same type and shape as a.
b - Variable in class org.tensorflow.op.linalg.MatMul.Inputs
The b input
b - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
Must be a two-dimensional tensor.
b - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
A matrix to be multiplied and must be a two-dimensional tensor of type qint8.
b - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
A matrix to be multiplied and must be a two-dimensional tensor of type qint8.
b - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
A matrix to be multiplied and must be a two-dimensional tensor of type qint8.
b - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd.Inputs
A CSRSparseMatrix.
b - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
A dense tensor.
b - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMul.Inputs
A dense tensor.
b - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
A CSRSparseMatrix.
b - Variable in class org.tensorflow.op.math.Betainc.Inputs
The b input
b - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
The bias vector.
b - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The bias vector.
b - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The bias vector.
b - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The bias vector.
b - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The b input
b - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The b input
b - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The b input
b - Variable in class org.tensorflow.op.sparse.SparseTensorDenseAdd.Inputs
ndims-D Tensor.
b - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
2-D.
backprop - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
4D backprop Tensor.
backprop() - Method in class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits
Gets backprop.
backprop() - Method in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits
Gets backprop.
backprops() - Method in class org.tensorflow.op.data.LeakyReluGrad
Gets backprops.
backprops() - Method in class org.tensorflow.op.math.SoftplusGrad
Gets backprops.
backprops() - Method in class org.tensorflow.op.nn.EluGrad
Gets backprops.
backprops() - Method in class org.tensorflow.op.nn.Relu6Grad
Gets backprops.
backprops() - Method in class org.tensorflow.op.nn.ReluGrad
Gets backprops.
backprops() - Method in class org.tensorflow.op.nn.SeluGrad
Gets backprops.
backprops() - Method in class org.tensorflow.op.nn.SoftsignGrad
Gets backprops.
backprops() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
Gets backprops.
backpropsWrtInput() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
Gets backpropsWrtInput.
backpropsWrtInput() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
Gets backpropsWrtInput.
backpropValGrad - Variable in class org.tensorflow.op.sparse.SparseAddGrad.Inputs
1-D with shape [nnz(sum)].
backpropValGrad - Variable in class org.tensorflow.op.sparse.SparseSliceGrad.Inputs
1-D.
backpropWrtMax() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
Gets backpropWrtMax.
backpropWrtMax() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
Gets backpropWrtMax.
backpropWrtMin() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
Gets backpropWrtMin.
backpropWrtMin() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
Gets backpropWrtMin.
badColor - Variable in class org.tensorflow.op.summary.ImageSummary.Inputs
Color to use for pixels with non-finite values.
badColor - Variable in class org.tensorflow.op.summary.WriteImageSummary.Inputs
The badColor input
badColor(Tensor) - Static method in class org.tensorflow.op.summary.ImageSummary
Sets the badColor option.
badColor(Tensor) - Method in class org.tensorflow.op.summary.ImageSummary.Options
Sets the badColor option.
band() - Method in class org.tensorflow.op.linalg.BandPart
Gets band.
band() - Method in class org.tensorflow.op.linalg.BatchMatrixBandPart
Gets band.
bandedTriangularSolve(Operand<T>, Operand<T>, BandedTriangularSolve.Options...) - Method in class org.tensorflow.op.LinalgOps
The BandedTriangularSolve operation
BandedTriangularSolve<T extends TType> - Class in org.tensorflow.op.linalg
The BandedTriangularSolve operation
BandedTriangularSolve(Operation) - Constructor for class org.tensorflow.op.linalg.BandedTriangularSolve
 
BandedTriangularSolve.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
BandedTriangularSolve.Options - Class in org.tensorflow.op.linalg
Optional attributes for BandedTriangularSolve
bandPart(Operand<T>, Operand<U>, Operand<U>) - Method in class org.tensorflow.op.LinalgOps
Copy a tensor setting everything outside a central band in each innermost matrix to zero.
BandPart<T extends TType> - Class in org.tensorflow.op.linalg
Copy a tensor setting everything outside a central band in each innermost matrix to zero.
BandPart(Operation) - Constructor for class org.tensorflow.op.linalg.BandPart
 
BandPart.Inputs<T extends TType,U extends TNumber> - Class in org.tensorflow.op.linalg
 
barrier(List<Class<? extends TType>>, Barrier.Options...) - Method in class org.tensorflow.op.Ops
Defines a barrier that persists across different graph executions.
Barrier - Class in org.tensorflow.op.core
Defines a barrier that persists across different graph executions.
Barrier(Operation) - Constructor for class org.tensorflow.op.core.Barrier
 
Barrier.Inputs - Class in org.tensorflow.op.core
 
Barrier.Options - Class in org.tensorflow.op.core
Optional attributes for Barrier
barrierClose(Operand<TString>, BarrierClose.Options...) - Method in class org.tensorflow.op.Ops
Closes the given barrier.
BarrierClose - Class in org.tensorflow.op.core
Closes the given barrier.
BarrierClose(Operation) - Constructor for class org.tensorflow.op.core.BarrierClose
 
BarrierClose.Inputs - Class in org.tensorflow.op.core
 
BarrierClose.Options - Class in org.tensorflow.op.core
Optional attributes for BarrierClose
barrierIncompleteSize(Operand<TString>) - Method in class org.tensorflow.op.Ops
Computes the number of incomplete elements in the given barrier.
BarrierIncompleteSize - Class in org.tensorflow.op.core
Computes the number of incomplete elements in the given barrier.
BarrierIncompleteSize(Operation) - Constructor for class org.tensorflow.op.core.BarrierIncompleteSize
 
BarrierIncompleteSize.Inputs - Class in org.tensorflow.op.core
 
barrierInsertMany(Operand<TString>, Operand<TString>, Operand<? extends TType>, Long) - Method in class org.tensorflow.op.Ops
For each key, assigns the respective value to the specified component.
BarrierInsertMany - Class in org.tensorflow.op.core
For each key, assigns the respective value to the specified component.
BarrierInsertMany(Operation) - Constructor for class org.tensorflow.op.core.BarrierInsertMany
 
BarrierInsertMany.Inputs - Class in org.tensorflow.op.core
 
barrierReadySize(Operand<TString>) - Method in class org.tensorflow.op.Ops
Computes the number of complete elements in the given barrier.
BarrierReadySize - Class in org.tensorflow.op.core
Computes the number of complete elements in the given barrier.
BarrierReadySize(Operation) - Constructor for class org.tensorflow.op.core.BarrierReadySize
 
BarrierReadySize.Inputs - Class in org.tensorflow.op.core
 
barrierTakeMany(Operand<TString>, Operand<TInt32>, List<Class<? extends TType>>, BarrierTakeMany.Options...) - Method in class org.tensorflow.op.Ops
Takes the given number of completed elements from a barrier.
BarrierTakeMany - Class in org.tensorflow.op.core
Takes the given number of completed elements from a barrier.
BarrierTakeMany(Operation) - Constructor for class org.tensorflow.op.core.BarrierTakeMany
 
BarrierTakeMany.Inputs - Class in org.tensorflow.op.core
 
BarrierTakeMany.Options - Class in org.tensorflow.op.core
Optional attributes for BarrierTakeMany
baseKey - Variable in class org.tensorflow.op.collective.CollectiveAssignGroup.Inputs
The baseKey input
basename - Variable in class org.tensorflow.op.io.ShardedFilename.Inputs
The basename input
basename - Variable in class org.tensorflow.op.io.ShardedFilespec.Inputs
The basename input
baseScope() - Method in class org.tensorflow.EagerSession
 
baseScope() - Method in interface org.tensorflow.ExecutionEnvironment
Get the top level scope for this execution environment.
baseScope() - Method in class org.tensorflow.Graph
 
batch - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Inputs
A list of 1D tensors, one for each embedding table, containing the batch inputs encoded as dist_belief.SparseFeatures protos.
batch - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch.Inputs
A list of 1D tensors, one for each embedding table, containing the indices into the tables.
batch(Iterable<Operand<?>>, Long, Long, Long, Long, Batch.Options...) - Method in class org.tensorflow.op.Ops
Batches all input tensors nondeterministically.
Batch - Class in org.tensorflow.op.core
Batches all input tensors nondeterministically.
Batch(Operation) - Constructor for class org.tensorflow.op.core.Batch
 
Batch.Inputs - Class in org.tensorflow.op.core
 
Batch.Options - Class in org.tensorflow.op.core
Optional attributes for Batch
batchCholesky(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
The BatchCholesky operation
BatchCholesky<T extends TNumber> - Class in org.tensorflow.op.linalg
The BatchCholesky operation
BatchCholesky(Operation) - Constructor for class org.tensorflow.op.linalg.BatchCholesky
 
BatchCholesky.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
batchCholeskyGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.LinalgOps
The BatchCholeskyGrad operation
BatchCholeskyGrad<T extends TNumber> - Class in org.tensorflow.op.linalg
The BatchCholeskyGrad operation
BatchCholeskyGrad(Operation) - Constructor for class org.tensorflow.op.linalg.BatchCholeskyGrad
 
BatchCholeskyGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
batchDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>, BatchDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that batches batch_size elements from input_dataset.
BatchDataset - Class in org.tensorflow.op.data
Creates a dataset that batches batch_size elements from input_dataset.
BatchDataset(Operation) - Constructor for class org.tensorflow.op.data.BatchDataset
 
BatchDataset.Inputs - Class in org.tensorflow.op.data
 
BatchDataset.Options - Class in org.tensorflow.op.data
Optional attributes for BatchDataset
batchDim - Variable in class org.tensorflow.op.core.ReverseSequence.Inputs
The dimension along which reversal is performed.
batchDim(Long) - Static method in class org.tensorflow.op.core.ReverseSequence
Sets the batchDim option.
batchDim(Long) - Method in class org.tensorflow.op.core.ReverseSequence.Options
Sets the batchDim option.
batchDims - Variable in class org.tensorflow.op.core.Gather.Inputs
The batchDims attribute
batchDims - Variable in class org.tensorflow.op.core.ResourceGather.Inputs
The batchDims attribute
batchDims - Variable in class org.tensorflow.op.nn.Conv.Inputs
A positive integer specifying the number of batch dimensions for the input tensor.
batchDims(Long) - Static method in class org.tensorflow.op.core.Gather
Sets the batchDims option.
batchDims(Long) - Method in class org.tensorflow.op.core.Gather.Options
Sets the batchDims option.
batchDims(Long) - Static method in class org.tensorflow.op.core.ResourceGather
Sets the batchDims option.
batchDims(Long) - Method in class org.tensorflow.op.core.ResourceGather.Options
Sets the batchDims option.
batchDims(Long) - Static method in class org.tensorflow.op.nn.Conv
Sets the batchDims option.
batchDims(Long) - Method in class org.tensorflow.op.nn.Conv.Options
Sets the batchDims option.
batchedGrad() - Method in class org.tensorflow.op.core.UnbatchGrad
Gets batchedGrad.
batchedInput - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariant.Inputs
A bool denoting whether the input is a batched RaggedTensor.
batchedTensor - Variable in class org.tensorflow.op.core.Unbatch.Inputs
The batchedTensor input
batchedTensors() - Method in class org.tensorflow.op.core.Batch
Gets batchedTensors.
batchFft(Operand<? extends TType>) - Method in class org.tensorflow.op.SignalOps
The BatchFFT operation
BatchFft - Class in org.tensorflow.op.signal
The BatchFFT operation
BatchFft(Operation) - Constructor for class org.tensorflow.op.signal.BatchFft
 
BatchFft.Inputs - Class in org.tensorflow.op.signal
 
batchFft2d(Operand<? extends TType>) - Method in class org.tensorflow.op.SignalOps
The BatchFFT2D operation
BatchFft2d - Class in org.tensorflow.op.signal
The BatchFFT2D operation
BatchFft2d(Operation) - Constructor for class org.tensorflow.op.signal.BatchFft2d
 
BatchFft2d.Inputs - Class in org.tensorflow.op.signal
 
batchFft3d(Operand<? extends TType>) - Method in class org.tensorflow.op.SignalOps
The BatchFFT3D operation
BatchFft3d - Class in org.tensorflow.op.signal
The BatchFFT3D operation
BatchFft3d(Operation) - Constructor for class org.tensorflow.op.signal.BatchFft3d
 
BatchFft3d.Inputs - Class in org.tensorflow.op.signal
 
batchFunction(Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, Long, Long, Long, List<Class<? extends TType>>, BatchFunction.Options...) - Method in class org.tensorflow.op.Ops
Batches all the inputs tensors to the computation done by the function.
BatchFunction - Class in org.tensorflow.op.core
Batches all the inputs tensors to the computation done by the function.
BatchFunction(Operation) - Constructor for class org.tensorflow.op.core.BatchFunction
 
BatchFunction.Inputs - Class in org.tensorflow.op.core
 
BatchFunction.Options - Class in org.tensorflow.op.core
Optional attributes for BatchFunction
batchGroupCount - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The number of batch groups.
batchGroupCount - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The number of batch groups.
batchGroupCount(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the batchGroupCount option.
batchGroupCount(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the batchGroupCount option.
batchGroupCount(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the batchGroupCount option.
batchGroupCount(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the batchGroupCount option.
batchIfft(Operand<? extends TType>) - Method in class org.tensorflow.op.SignalOps
The BatchIFFT operation
BatchIfft - Class in org.tensorflow.op.signal
The BatchIFFT operation
BatchIfft(Operation) - Constructor for class org.tensorflow.op.signal.BatchIfft
 
BatchIfft.Inputs - Class in org.tensorflow.op.signal
 
batchIfft2d(Operand<? extends TType>) - Method in class org.tensorflow.op.SignalOps
The BatchIFFT2D operation
BatchIfft2d - Class in org.tensorflow.op.signal
The BatchIFFT2D operation
BatchIfft2d(Operation) - Constructor for class org.tensorflow.op.signal.BatchIfft2d
 
BatchIfft2d.Inputs - Class in org.tensorflow.op.signal
 
batchIfft3d(Operand<? extends TType>) - Method in class org.tensorflow.op.SignalOps
The BatchIFFT3D operation
BatchIfft3d - Class in org.tensorflow.op.signal
The BatchIFFT3D operation
BatchIfft3d(Operation) - Constructor for class org.tensorflow.op.signal.BatchIfft3d
 
BatchIfft3d.Inputs - Class in org.tensorflow.op.signal
 
batchIndex - Variable in class org.tensorflow.op.core.Unbatch.Inputs
The batchIndex input
batchIndex - Variable in class org.tensorflow.op.core.UnbatchGrad.Inputs
The batchIndex input
batchIndex() - Method in class org.tensorflow.op.core.Batch
Gets batchIndex.
batchingQueue - Variable in class org.tensorflow.op.core.Batch.Inputs
The batchingQueue attribute
batchingQueue - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
The batchingQueue attribute
batchingQueue(String) - Static method in class org.tensorflow.op.core.Batch
Sets the batchingQueue option.
batchingQueue(String) - Method in class org.tensorflow.op.core.Batch.Options
Sets the batchingQueue option.
batchingQueue(String) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the batchingQueue option.
batchingQueue(String) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the batchingQueue option.
batchMatMul(Operand<? extends TType>, Operand<? extends TType>, Class<V>, BatchMatMul.Options...) - Method in class org.tensorflow.op.TrainOps
Multiplies slices of two tensors in batches.
BatchMatMul<V extends TType> - Class in org.tensorflow.op.train
Multiplies slices of two tensors in batches.
BatchMatMul(Operation) - Constructor for class org.tensorflow.op.train.BatchMatMul
 
BatchMatMul.Inputs - Class in org.tensorflow.op.train
 
BatchMatMul.Options - Class in org.tensorflow.op.train
Optional attributes for BatchMatMul
batchMatrixBandPart(Operand<T>, Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixBandPart operation
BatchMatrixBandPart<T extends TType> - Class in org.tensorflow.op.linalg
The BatchMatrixBandPart operation
BatchMatrixBandPart(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixBandPart
 
BatchMatrixBandPart.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
batchMatrixDeterminant(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixDeterminant operation
BatchMatrixDeterminant<T extends TType> - Class in org.tensorflow.op.linalg
The BatchMatrixDeterminant operation
BatchMatrixDeterminant(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixDeterminant
 
BatchMatrixDeterminant.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
batchMatrixDiag(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixDiag operation
BatchMatrixDiag<T extends TType> - Class in org.tensorflow.op.linalg
The BatchMatrixDiag operation
BatchMatrixDiag(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixDiag
 
BatchMatrixDiag.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
batchMatrixDiagPart(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixDiagPart operation
BatchMatrixDiagPart<T extends TType> - Class in org.tensorflow.op.linalg
The BatchMatrixDiagPart operation
BatchMatrixDiagPart(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixDiagPart
 
BatchMatrixDiagPart.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
batchMatrixInverse(Operand<T>, BatchMatrixInverse.Options...) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixInverse operation
BatchMatrixInverse<T extends TNumber> - Class in org.tensorflow.op.linalg
The BatchMatrixInverse operation
BatchMatrixInverse(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixInverse
 
BatchMatrixInverse.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
BatchMatrixInverse.Options - Class in org.tensorflow.op.linalg
Optional attributes for BatchMatrixInverse
batchMatrixSetDiag(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixSetDiag operation
BatchMatrixSetDiag<T extends TType> - Class in org.tensorflow.op.linalg
The BatchMatrixSetDiag operation
BatchMatrixSetDiag(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixSetDiag
 
BatchMatrixSetDiag.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
batchMatrixSolve(Operand<T>, Operand<T>, BatchMatrixSolve.Options...) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixSolve operation
BatchMatrixSolve<T extends TNumber> - Class in org.tensorflow.op.linalg
The BatchMatrixSolve operation
BatchMatrixSolve(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixSolve
 
BatchMatrixSolve.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
BatchMatrixSolve.Options - Class in org.tensorflow.op.linalg
Optional attributes for BatchMatrixSolve
batchMatrixSolveLs(Operand<T>, Operand<T>, Operand<TFloat64>, BatchMatrixSolveLs.Options...) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixSolveLs operation
BatchMatrixSolveLs<T extends TNumber> - Class in org.tensorflow.op.linalg
The BatchMatrixSolveLs operation
BatchMatrixSolveLs(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixSolveLs
 
BatchMatrixSolveLs.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
BatchMatrixSolveLs.Options - Class in org.tensorflow.op.linalg
Optional attributes for BatchMatrixSolveLs
batchMatrixTriangularSolve(Operand<T>, Operand<T>, BatchMatrixTriangularSolve.Options...) - Method in class org.tensorflow.op.LinalgOps
The BatchMatrixTriangularSolve operation
BatchMatrixTriangularSolve<T extends TNumber> - Class in org.tensorflow.op.linalg
The BatchMatrixTriangularSolve operation
BatchMatrixTriangularSolve(Operation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixTriangularSolve
 
BatchMatrixTriangularSolve.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
BatchMatrixTriangularSolve.Options - Class in org.tensorflow.op.linalg
Optional attributes for BatchMatrixTriangularSolve
batchMean() - Method in class org.tensorflow.op.nn.FusedBatchNorm
Gets batchMean.
batchNormWithGlobalNormalization(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Float, Boolean) - Method in class org.tensorflow.op.NnOps
Batch normalization.
BatchNormWithGlobalNormalization<T extends TType> - Class in org.tensorflow.op.nn
Batch normalization.
BatchNormWithGlobalNormalization(Operation) - Constructor for class org.tensorflow.op.nn.BatchNormWithGlobalNormalization
 
BatchNormWithGlobalNormalization.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
batchNormWithGlobalNormalizationGrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Float, Boolean) - Method in class org.tensorflow.op.NnOps
Gradients for batch normalization.
BatchNormWithGlobalNormalizationGrad<T extends TType> - Class in org.tensorflow.op.nn
Gradients for batch normalization.
BatchNormWithGlobalNormalizationGrad(Operation) - Constructor for class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
 
BatchNormWithGlobalNormalizationGrad.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
batchSelfAdjointEig(Operand<T>, BatchSelfAdjointEig.Options...) - Method in class org.tensorflow.op.LinalgOps
The BatchSelfAdjointEigV2 operation
BatchSelfAdjointEig<T extends TNumber> - Class in org.tensorflow.op.linalg
The BatchSelfAdjointEigV2 operation
BatchSelfAdjointEig(Operation) - Constructor for class org.tensorflow.op.linalg.BatchSelfAdjointEig
 
BatchSelfAdjointEig.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
BatchSelfAdjointEig.Options - Class in org.tensorflow.op.linalg
Optional attributes for BatchSelfAdjointEig
batchSize - Variable in class org.tensorflow.op.core.Skipgram.Inputs
The size of produced batch.
batchSize - Variable in class org.tensorflow.op.data.BatchDataset.Inputs
A scalar representing the number of elements to accumulate in a batch.
batchSize - Variable in class org.tensorflow.op.data.DenseToSparseBatchDataset.Inputs
A scalar representing the number of elements to accumulate in a batch.
batchSize - Variable in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset.Inputs
A scalar representing the number of elements to accumulate in a batch.
batchSize - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
A scalar representing the number of elements to accumulate in a batch.
batchSize - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
A scalar representing the number of elements to accumulate in a batch.
batchSize - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
A scalar representing the number of elements to accumulate in a batch.
batchSize - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The batchSize input
batchSize - Variable in class org.tensorflow.op.random.RecordInput.Inputs
The batch size.
batchSize() - Method in class org.tensorflow.op.train.ComputeBatchSize
Gets batchSize.
batchSize(Long) - Static method in class org.tensorflow.op.random.RecordInput
Sets the batchSize option.
batchSize(Long) - Method in class org.tensorflow.op.random.RecordInput.Options
Sets the batchSize option.
batchSizes - Variable in class org.tensorflow.op.data.RebatchDatasetV2.Inputs
A vector of integers representing the size of batches to produce.
batchSvd(Operand<T>, BatchSvd.Options...) - Method in class org.tensorflow.op.LinalgOps
The BatchSvd operation
BatchSvd<T extends TType> - Class in org.tensorflow.op.linalg
The BatchSvd operation
BatchSvd(Operation) - Constructor for class org.tensorflow.op.linalg.BatchSvd
 
BatchSvd.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
BatchSvd.Options - Class in org.tensorflow.op.linalg
Optional attributes for BatchSvd
batchTimeoutMicros - Variable in class org.tensorflow.op.core.Batch.Inputs
The batchTimeoutMicros attribute
batchTimeoutMicros - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
Maximum number of microseconds to wait before outputting an incomplete batch.
batchToSpace(Operand<T>, Operand<? extends TNumber>, Long) - Method in class org.tensorflow.op.Ops
BatchToSpace for 4-D tensors of type T.
BatchToSpace<T extends TType> - Class in org.tensorflow.op.core
BatchToSpace for 4-D tensors of type T.
BatchToSpace(Operation) - Constructor for class org.tensorflow.op.core.BatchToSpace
 
BatchToSpace.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
batchToSpaceNd(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
BatchToSpace for N-D tensors of type T.
BatchToSpaceNd<T extends TType> - Class in org.tensorflow.op.core
BatchToSpace for N-D tensors of type T.
BatchToSpaceNd(Operation) - Constructor for class org.tensorflow.op.core.BatchToSpaceNd
 
BatchToSpaceNd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
batchVariance() - Method in class org.tensorflow.op.nn.FusedBatchNorm
Gets batchVariance.
bboxDeltas - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
A 4-D float tensor of shape [num_images, height, width, 4 x num_anchors].
bboxes() - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Gets bboxes.
bboxes() - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Gets bboxes.
bC - Variable in class org.tensorflow.op.nn.GRUBlockCell.Inputs
The bC input
bC - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The bC input
beamWidth - Variable in class org.tensorflow.op.nn.CtcBeamSearchDecoder.Inputs
A scalar >= 0 (beam search beam width).
begin - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The begin input
begin - Variable in class org.tensorflow.op.core.Slice.Inputs
begin[i] specifies the offset into the 'i'th dimension of 'input' to slice from.
begin - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
begin[k] specifies the offset into the kth range specification.
begin - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The begin input
begin - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The begin input
begin - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The begin input
begin() - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Gets begin.
begin() - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Gets begin.
beginMask - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The beginMask attribute
beginMask - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
a bitmask where a bit i being 1 means to ignore the begin value and instead use the largest interval possible.
beginMask - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The beginMask attribute
beginMask - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The beginMask attribute
beginMask - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The beginMask attribute
beginMask(Long) - Static method in class org.tensorflow.op.core.ResourceStridedSliceAssign
Sets the beginMask option.
beginMask(Long) - Method in class org.tensorflow.op.core.ResourceStridedSliceAssign.Options
Sets the beginMask option.
beginMask(Long) - Static method in class org.tensorflow.op.core.StridedSlice
Sets the beginMask option.
beginMask(Long) - Method in class org.tensorflow.op.core.StridedSlice.Options
Sets the beginMask option.
beginMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceAssign
Sets the beginMask option.
beginMask(Long) - Method in class org.tensorflow.op.core.StridedSliceAssign.Options
Sets the beginMask option.
beginMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceGrad
Sets the beginMask option.
beginMask(Long) - Method in class org.tensorflow.op.core.StridedSliceGrad.Options
Sets the beginMask option.
beginMask(Long) - Static method in class org.tensorflow.op.core.TensorStridedSliceUpdate
Sets the beginMask option.
beginMask(Long) - Method in class org.tensorflow.op.core.TensorStridedSliceUpdate.Options
Sets the beginMask option.
benefits - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
Value of benefits used in the MDL Adagrad Light optimization algorithm.
benefits() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Gets benefits.
besselI0(Operand<T>) - Method in class org.tensorflow.op.MathOps
The BesselI0 operation
BesselI0<T extends TNumber> - Class in org.tensorflow.op.math
The BesselI0 operation
BesselI0(Operation) - Constructor for class org.tensorflow.op.math.BesselI0
 
BesselI0.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
besselI0e(Operand<T>) - Method in class org.tensorflow.op.MathOps
The BesselI0e operation
BesselI0e<T extends TNumber> - Class in org.tensorflow.op.math
The BesselI0e operation
BesselI0e(Operation) - Constructor for class org.tensorflow.op.math.BesselI0e
 
BesselI0e.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
besselI1(Operand<T>) - Method in class org.tensorflow.op.MathOps
The BesselI1 operation
BesselI1<T extends TNumber> - Class in org.tensorflow.op.math
The BesselI1 operation
BesselI1(Operation) - Constructor for class org.tensorflow.op.math.BesselI1
 
BesselI1.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
besselI1e(Operand<T>) - Method in class org.tensorflow.op.MathOps
The BesselI1e operation
BesselI1e<T extends TNumber> - Class in org.tensorflow.op.math
The BesselI1e operation
BesselI1e(Operation) - Constructor for class org.tensorflow.op.math.BesselI1e
 
BesselI1e.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
besselJ0(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselJ0 operation
BesselJ0<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselJ0 operation
BesselJ0(Operation) - Constructor for class org.tensorflow.op.math.special.BesselJ0
 
BesselJ0.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
besselJ1(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselJ1 operation
BesselJ1<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselJ1 operation
BesselJ1(Operation) - Constructor for class org.tensorflow.op.math.special.BesselJ1
 
BesselJ1.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
besselK0(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselK0 operation
BesselK0<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselK0 operation
BesselK0(Operation) - Constructor for class org.tensorflow.op.math.special.BesselK0
 
BesselK0.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
besselK0e(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselK0e operation
BesselK0e<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselK0e operation
BesselK0e(Operation) - Constructor for class org.tensorflow.op.math.special.BesselK0e
 
BesselK0e.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
besselK1(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselK1 operation
BesselK1<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselK1 operation
BesselK1(Operation) - Constructor for class org.tensorflow.op.math.special.BesselK1
 
BesselK1.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
besselK1e(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselK1e operation
BesselK1e<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselK1e operation
BesselK1e(Operation) - Constructor for class org.tensorflow.op.math.special.BesselK1e
 
BesselK1e.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
besselY0(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselY0 operation
BesselY0<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselY0 operation
BesselY0(Operation) - Constructor for class org.tensorflow.op.math.special.BesselY0
 
BesselY0.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
besselY1(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The BesselY1 operation
BesselY1<T extends TNumber> - Class in org.tensorflow.op.math.special
The BesselY1 operation
BesselY1(Operation) - Constructor for class org.tensorflow.op.math.special.BesselY1
 
BesselY1.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
beta - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd.Inputs
A constant scalar.
beta - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
A 1D beta Tensor with size matching the last dimension of t.
beta - Variable in class org.tensorflow.op.nn.LocalResponseNormalization.Inputs
An exponent.
beta - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
An exponent.
beta - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
A 1D beta Tensor with size matching the last dimension of t.
beta - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
Must be a scalar.
beta - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
Must be a scalar.
beta - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
Must be a scalar.
beta - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
Must be a scalar.
beta - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The beta input
beta - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The beta attribute
beta(Float) - Static method in class org.tensorflow.op.nn.LocalResponseNormalization
Sets the beta option.
beta(Float) - Method in class org.tensorflow.op.nn.LocalResponseNormalization.Options
Sets the beta option.
beta(Float) - Static method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
Sets the beta option.
beta(Float) - Method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Options
Sets the beta option.
beta1 - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Momentum factor.
beta1 - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Momentum factor.
beta1 - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Momentum factor.
beta1 - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Momentum factor.
beta1 - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Momentum factor.
beta1 - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The beta1 input
beta1 - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The beta1 input
beta1 - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The beta1 attribute
beta1 - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The beta1 attribute
beta1Power - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Must be a scalar.
beta1Power - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Must be a scalar.
beta1Power - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Must be a scalar.
beta1Power - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Must be a scalar.
beta1Power - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Must be a scalar.
beta2 - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Momentum factor.
beta2 - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Momentum factor.
beta2 - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Momentum factor.
beta2 - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Momentum factor.
beta2 - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Momentum factor.
beta2 - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The beta2 attribute
beta2 - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The beta2 input
beta2 - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The beta2 attribute
beta2 - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The beta2 attribute
beta2Power - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Must be a scalar.
beta2Power - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Must be a scalar.
beta2Power - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Must be a scalar.
betainc(Operand<T>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Compute the regularized incomplete beta integral \(I_x(a, b)\).
Betainc<T extends TNumber> - Class in org.tensorflow.op.math
Compute the regularized incomplete beta integral \(I_x(a, b)\).
Betainc(Operation) - Constructor for class org.tensorflow.op.math.Betainc
 
Betainc.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
betaMax - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the highest quantized offset.
betaMin - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the lowest quantized offset.
bGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets bGrad.
bias - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
A 1D bias tensor with size matching inner dimension of b (after being transposed if transposed_b is non-zero).
bias - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
A 1D bias tensor with size matching with inner dimension of b (after being transposed if transposed_b is non-zero).
bias - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
A 1D bias tensor with size matching with inner dimension of b (after being transposed if transposed_b is non-zero).
bias - Variable in class org.tensorflow.op.nn.BiasAdd.Inputs
1-D with size the last dimension of value.
bias - Variable in class org.tensorflow.op.nn.LocalResponseNormalization.Inputs
An offset (usually positive to avoid dividing by 0).
bias - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
An offset (usually > 0 to avoid dividing by 0).
bias - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
A 1D bias Tensor with size matching the last dimension of 'input'.
bias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The bias input
bias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The bias input
bias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The bias input
bias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The bias input
bias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The bias input
bias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The bias input
bias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The bias input
bias - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The original bias tensor.
bias - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The original bias tensor.
bias - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The original bias tensor.
bias - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The bias input
bias - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The bias input
bias(Float) - Static method in class org.tensorflow.op.nn.LocalResponseNormalization
Sets the bias option.
bias(Float) - Method in class org.tensorflow.op.nn.LocalResponseNormalization.Options
Sets the bias option.
bias(Float) - Static method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
Sets the bias option.
bias(Float) - Method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Options
Sets the bias option.
biasAdd(Operand<T>, Operand<T>, BiasAdd.Options...) - Method in class org.tensorflow.op.NnOps
Adds bias to value.
BiasAdd<T extends TType> - Class in org.tensorflow.op.nn
Adds bias to value.
BiasAdd(Operation) - Constructor for class org.tensorflow.op.nn.BiasAdd
 
BiasAdd.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
BiasAdd.Options - Class in org.tensorflow.op.nn
Optional attributes for BiasAdd
biasAddGrad(Operand<T>, BiasAddGrad.Options...) - Method in class org.tensorflow.op.NnOps
The backward operation for "BiasAdd" on the "bias" tensor.
BiasAddGrad<T extends TType> - Class in org.tensorflow.op.nn
The backward operation for "BiasAdd" on the "bias" tensor.
BiasAddGrad(Operation) - Constructor for class org.tensorflow.op.nn.BiasAddGrad
 
BiasAddGrad.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
BiasAddGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for BiasAddGrad
biases - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The biases input
biases() - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Gets biases.
binaryExamples() - Method in class org.tensorflow.op.io.DecodeJsonExample
Gets binaryExamples.
binaryOutput - Variable in class org.tensorflow.op.math.DenseBincount.Inputs
bool; Whether the kernel should count the appearance or number of occurrences.
binaryOutput - Variable in class org.tensorflow.op.ragged.RaggedBincount.Inputs
bool; Whether the kernel should count the appearance or number of occurrences.
binaryOutput - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
Whether to output the number of occurrences of each value or 1.
binaryOutput - Variable in class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
Whether to output the number of occurrences of each value or 1.
binaryOutput - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
bool; Whether the kernel should count the appearance or number of occurrences.
binaryOutput - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Whether to output the number of occurrences of each value or 1.
binaryOutput(Boolean) - Static method in class org.tensorflow.op.math.DenseBincount
Sets the binaryOutput option.
binaryOutput(Boolean) - Method in class org.tensorflow.op.math.DenseBincount.Options
Sets the binaryOutput option.
binaryOutput(Boolean) - Static method in class org.tensorflow.op.ragged.RaggedBincount
Sets the binaryOutput option.
binaryOutput(Boolean) - Method in class org.tensorflow.op.ragged.RaggedBincount.Options
Sets the binaryOutput option.
binaryOutput(Boolean) - Static method in class org.tensorflow.op.sparse.SparseBincount
Sets the binaryOutput option.
binaryOutput(Boolean) - Method in class org.tensorflow.op.sparse.SparseBincount.Options
Sets the binaryOutput option.
bincount(Operand<TInt32>, Operand<TInt32>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Counts the number of occurrences of each value in an integer array.
Bincount<T extends TNumber> - Class in org.tensorflow.op.math
Counts the number of occurrences of each value in an integer array.
Bincount(Operation) - Constructor for class org.tensorflow.op.math.Bincount
 
Bincount.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
bIndices - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
2-D.
bIndices - Variable in class org.tensorflow.op.sparse.SparseAddGrad.Inputs
2-D.
bIndices - Variable in class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
counterpart to a_indices for the other operand.
bIndices - Variable in class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
counterpart to a_indices for the other operand.
bins() - Method in class org.tensorflow.op.math.Bincount
Gets bins.
bIsSparse - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The bIsSparse attribute
bIsSparse(Boolean) - Static method in class org.tensorflow.op.sparse.SparseMatMul
Sets the bIsSparse option.
bIsSparse(Boolean) - Method in class org.tensorflow.op.sparse.SparseMatMul.Options
Sets the bIsSparse option.
bitcast(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.Ops
Bitcasts a tensor from one type to another without copying data.
Bitcast<U extends TType> - Class in org.tensorflow.op.core
Bitcasts a tensor from one type to another without copying data.
Bitcast(Operation) - Constructor for class org.tensorflow.op.core.Bitcast
 
Bitcast.Inputs - Class in org.tensorflow.op.core
 
bitwise - Variable in class org.tensorflow.op.Ops
 
bitwiseAnd(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.BitwiseOps
Elementwise computes the bitwise AND of x and y.
BitwiseAnd<T extends TNumber> - Class in org.tensorflow.op.bitwise
Elementwise computes the bitwise AND of x and y.
BitwiseAnd(Operation) - Constructor for class org.tensorflow.op.bitwise.BitwiseAnd
 
BitwiseAnd.Inputs<T extends TNumber> - Class in org.tensorflow.op.bitwise
 
BitwiseOps - Class in org.tensorflow.op
An API for building bitwise operations as Ops
bitwiseOr(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.BitwiseOps
Elementwise computes the bitwise OR of x and y.
BitwiseOr<T extends TNumber> - Class in org.tensorflow.op.bitwise
Elementwise computes the bitwise OR of x and y.
BitwiseOr(Operation) - Constructor for class org.tensorflow.op.bitwise.BitwiseOr
 
BitwiseOr.Inputs<T extends TNumber> - Class in org.tensorflow.op.bitwise
 
bitwiseXor(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.BitwiseOps
Elementwise computes the bitwise XOR of x and y.
BitwiseXor<T extends TNumber> - Class in org.tensorflow.op.bitwise
Elementwise computes the bitwise XOR of x and y.
BitwiseXor(Operation) - Constructor for class org.tensorflow.op.bitwise.BitwiseXor
 
BitwiseXor.Inputs<T extends TNumber> - Class in org.tensorflow.op.bitwise
 
blankIndex - Variable in class org.tensorflow.op.nn.CtcGreedyDecoder.Inputs
The blankIndex attribute
blankIndex(Long) - Static method in class org.tensorflow.op.nn.CtcGreedyDecoder
Sets the blankIndex option.
blankIndex(Long) - Method in class org.tensorflow.op.nn.CtcGreedyDecoder.Options
Sets the blankIndex option.
blockLength - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The blockLength input
blockLength - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The blockLength input
blockLength - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The blockLength input
blockLength - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
Number of elements at a time to produce from each interleaved invocation of a dataset returned by f.
blockLSTM(Operand<TInt64>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, BlockLSTM.Options...) - Method in class org.tensorflow.op.NnOps
Computes the LSTM cell forward propagation for all the time steps.
BlockLSTM<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the LSTM cell forward propagation for all the time steps.
BlockLSTM(Operation) - Constructor for class org.tensorflow.op.nn.BlockLSTM
 
BlockLSTM.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
BlockLSTM.Options - Class in org.tensorflow.op.nn
Optional attributes for BlockLSTM
blockLSTMGrad(Operand<TInt64>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Boolean) - Method in class org.tensorflow.op.NnOps
Computes the LSTM cell backward propagation for the entire time sequence.
BlockLSTMGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the LSTM cell backward propagation for the entire time sequence.
BlockLSTMGrad(Operation) - Constructor for class org.tensorflow.op.nn.BlockLSTMGrad
 
BlockLSTMGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
blockShape - Variable in class org.tensorflow.op.core.BatchToSpaceNd.Inputs
1-D with shape [M], all values must be >= 1.
blockShape - Variable in class org.tensorflow.op.core.SpaceToBatchNd.Inputs
1-D with shape [M], all values must be >= 1.
blockSize - Variable in class org.tensorflow.op.core.BatchToSpace.Inputs
The blockSize attribute
blockSize - Variable in class org.tensorflow.op.nn.DepthToSpace.Inputs
The size of the spatial block, same as in Space2Depth.
blockSize - Variable in class org.tensorflow.op.nn.SpaceToBatch.Inputs
The blockSize attribute
blockSize - Variable in class org.tensorflow.op.nn.SpaceToDepth.Inputs
The size of the spatial block.
booleanMask(Operand<T>, Operand<TBool>, BooleanMask.Options...) - Method in class org.tensorflow.op.Ops
Apply boolean mask to tensor.
BooleanMask - Class in org.tensorflow.op.core
 
BooleanMask() - Constructor for class org.tensorflow.op.core.BooleanMask
 
BooleanMask.Options - Class in org.tensorflow.op.core
Optional attributes for BooleanMask
booleanMaskUpdate(Operand<T>, Operand<TBool>, Operand<T>, BooleanMaskUpdate.Options...) - Method in class org.tensorflow.op.Ops
Updates a tensor at the masked values, and returns the updated tensor.
BooleanMaskUpdate - Class in org.tensorflow.op.core
 
BooleanMaskUpdate() - Constructor for class org.tensorflow.op.core.BooleanMaskUpdate
 
BooleanMaskUpdate.Options - Class in org.tensorflow.op.core
Optional attributes for BooleanMaskUpdate
boundaries - Variable in class org.tensorflow.op.core.Bucketize.Inputs
A sorted list of floats gives the boundary of the buckets.
boundingBoxes - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
3-D with shape [batch, N, 4] describing the N bounding boxes associated with the image.
boundingBoxes - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
3-D with shape [batch, N, 4] describing the N bounding boxes associated with the image.
boxes - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
A 4-D float tensor of shape [batch_size, num_boxes, q, 4].
boxes - Variable in class org.tensorflow.op.image.CropAndResize.Inputs
A 2-D tensor of shape [num_boxes, 4].
boxes - Variable in class org.tensorflow.op.image.CropAndResizeGradBoxes.Inputs
A 2-D tensor of shape [num_boxes, 4].
boxes - Variable in class org.tensorflow.op.image.CropAndResizeGradImage.Inputs
A 2-D tensor of shape [num_boxes, 4].
boxes - Variable in class org.tensorflow.op.image.DrawBoundingBoxes.Inputs
3-D with shape [batch, num_bounding_boxes, 4] containing bounding boxes.
boxes - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
A 2-D float tensor of shape [num_boxes, 4].
boxInd - Variable in class org.tensorflow.op.image.CropAndResize.Inputs
A 1-D tensor of shape [num_boxes] with int32 values in [0, batch).
boxInd - Variable in class org.tensorflow.op.image.CropAndResizeGradBoxes.Inputs
A 1-D tensor of shape [num_boxes] with int32 values in [0, batch).
boxInd - Variable in class org.tensorflow.op.image.CropAndResizeGradImage.Inputs
A 1-D tensor of shape [num_boxes] with int32 values in [0, batch).
branchIndex - Variable in class org.tensorflow.op.core.StatefulCase.Inputs
The branch selector, an int32 Tensor.
branchIndex - Variable in class org.tensorflow.op.core.StatelessCase.Inputs
The branch selector, an int32 Tensor.
broadcast(Boolean) - Static method in class org.tensorflow.op.core.BooleanMaskUpdate
Whether to try broadcasting update.
broadcast(Boolean) - Method in class org.tensorflow.op.core.BooleanMaskUpdate.Options
 
broadcastDynamicShape(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Return the shape of s0 op s1 with broadcast.
BroadcastDynamicShape<T extends TNumber> - Class in org.tensorflow.op.core
Return the shape of s0 op s1 with broadcast.
BroadcastDynamicShape(Operation) - Constructor for class org.tensorflow.op.core.BroadcastDynamicShape
 
BroadcastDynamicShape.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
broadcastGradientArgs(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Return the reduction indices for computing gradients of s0 op s1 with broadcast.
BroadcastGradientArgs<T extends TNumber> - Class in org.tensorflow.op.core
Return the reduction indices for computing gradients of s0 op s1 with broadcast.
BroadcastGradientArgs(Operation) - Constructor for class org.tensorflow.op.core.BroadcastGradientArgs
 
BroadcastGradientArgs.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
broadcastTo(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Broadcast an array for a compatible shape.
BroadcastTo<T extends TType> - Class in org.tensorflow.op.core
Broadcast an array for a compatible shape.
BroadcastTo(Operation) - Constructor for class org.tensorflow.op.core.BroadcastTo
 
BroadcastTo.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
bRu - Variable in class org.tensorflow.op.nn.GRUBlockCell.Inputs
The bRu input
bRu - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The bRu input
bShape - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
1-D.
bShape - Variable in class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
counterpart to a_shape for the other operand; the two shapes must be equal.
bShape - Variable in class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
counterpart to a_shape for the other operand; the two shapes must be equal.
bucketize(Operand<? extends TNumber>, List<Float>) - Method in class org.tensorflow.op.Ops
Bucketizes 'input' based on 'boundaries'.
Bucketize - Class in org.tensorflow.op.core
Bucketizes 'input' based on 'boundaries'.
Bucketize(Operation) - Constructor for class org.tensorflow.op.core.Bucketize
 
Bucketize.Inputs - Class in org.tensorflow.op.core
 
bufferOutputElements - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The bufferOutputElements input
bufferOutputElements - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The bufferOutputElements input
bufferOutputElements - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
The number of elements each iterator being interleaved should buffer (similar to the .prefetch() transformation for each interleaved iterator).
bufferSize - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The bufferSize input
bufferSize - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The bufferSize input
bufferSize - Variable in class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
The bufferSize input
bufferSize - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The maximum number of elements to buffer in an iterator over this dataset.
bufferSize - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The bufferSize input
bufferSize - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The bufferSize input
bufferSize - Variable in class org.tensorflow.op.data.TextLineDataset.Inputs
A scalar containing the number of bytes to buffer.
bufferSize - Variable in class org.tensorflow.op.data.TfRecordDataset.Inputs
A scalar representing the number of bytes to buffer.
bufferSizeMin - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The bufferSizeMin attribute
bufferSizeMin(Long) - Static method in class org.tensorflow.op.data.PrefetchDataset
Sets the bufferSizeMin option.
bufferSizeMin(Long) - Method in class org.tensorflow.op.data.PrefetchDataset.Options
Sets the bufferSizeMin option.
build() - Method in class org.tensorflow.DeviceSpec.Builder
 
build() - Method in class org.tensorflow.EagerSession.Options
Builds an eager session with the selected options.
build() - Method in class org.tensorflow.GraphOperationBuilder
Add the GraphOperation being built to the Graph.
build() - Method in interface org.tensorflow.OperationBuilder
Build the Operation.
build() - Method in class org.tensorflow.Signature.Builder
Returns a signature from the provided data.
builder() - Static method in class org.tensorflow.Signature
Returns a new builder for creating a signature
builder(String) - Static method in class org.tensorflow.Signature
Returns a new builder for creating a signature, with the methodName and key set to name
Builder() - Constructor for class org.tensorflow.Signature.Builder
 
buildSubgraph(Graph, Output<?>[], Output<?>[]) - Method in interface org.tensorflow.Graph.WhileSubgraphBuilder
To be overridden by user with code to build conditional or body subgraph for a while loop
bValGrad() - Method in class org.tensorflow.op.sparse.SparseAddGrad
Gets bValGrad.
bValues - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
1-D.
bValues - Variable in class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
counterpart to a_values for the other operand; must be of the same dtype.
bValues - Variable in class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
counterpart to a_values for the other operand; must be of the same dtype.
byteOffsets - Variable in class org.tensorflow.op.data.TfRecordDataset.Inputs
A scalar or vector containing the number of bytes for each file that will be skipped prior to reading.
bytes - Variable in class org.tensorflow.op.core.DecodeProto.Inputs
Tensor of serialized protos with shape batch_shape.
bytes - Variable in class org.tensorflow.op.io.DecodeCompressed.Inputs
A Tensor of string which is compressed.
bytes - Variable in class org.tensorflow.op.io.DecodeRaw.Inputs
All the elements must have the same length.
bytes() - Method in class org.tensorflow.op.core.EncodeProto
Gets bytes.
byteSize() - Element in annotation type org.tensorflow.types.annotation.TensorType
The number of bytes required one element of a tensor of type, -1 for variable-length element tensors
bytesProducedStatsDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Records the bytes size of each element of input_dataset in a StatsAggregator.
bytesProducedStatsDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Records the bytes size of each element of input_dataset in a StatsAggregator.
BytesProducedStatsDataset - Class in org.tensorflow.op.data
Records the bytes size of each element of input_dataset in a StatsAggregator.
BytesProducedStatsDataset - Class in org.tensorflow.op.data.experimental
Records the bytes size of each element of input_dataset in a StatsAggregator.
BytesProducedStatsDataset(Operation) - Constructor for class org.tensorflow.op.data.BytesProducedStatsDataset
 
BytesProducedStatsDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.BytesProducedStatsDataset
 
BytesProducedStatsDataset.Inputs - Class in org.tensorflow.op.data
 
BytesProducedStatsDataset.Inputs - Class in org.tensorflow.op.data.experimental
 

C

c - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The c input
c() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd
Gets c.
c() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
Gets c.
c() - Method in class org.tensorflow.op.nn.GRUBlockCell
Gets c.
cache - Variable in class org.tensorflow.op.data.CacheDataset.Inputs
The cache input
cacheDataset(Operand<? extends TType>, Operand<TString>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, CacheDataset.Options...) - Method in class org.tensorflow.op.DataOps
The CacheDatasetV2 operation
CacheDataset - Class in org.tensorflow.op.data
The CacheDatasetV2 operation
CacheDataset(Operation) - Constructor for class org.tensorflow.op.data.CacheDataset
 
CacheDataset.Inputs - Class in org.tensorflow.op.data
 
CacheDataset.Options - Class in org.tensorflow.op.data
Optional attributes for CacheDataset
call(Map<String, Tensor>) - Method in class org.tensorflow.ConcreteFunction
 
call(Map<String, Tensor>) - Method in class org.tensorflow.SavedModelBundle
Invokes the default function directly from this model.
call(Map<String, Tensor>) - Method in class org.tensorflow.SessionFunction
 
call(Map<String, Tensor>) - Method in interface org.tensorflow.TensorFunction
Invokes a function using the default eager session.
call(ConcreteFunction, Map<String, Operand<?>>) - Method in class org.tensorflow.op.Ops
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(ConcreteFunction, Operand<?>) - Method in class org.tensorflow.op.Ops
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(TFJ_GraphId, TFJ_Scope, TF_Operation, TF_Output, int, PointerPointer) - Method in class org.tensorflow.AbstractGradientAdapter
 
call(Ops, Map<String, Operand<?>>) - Method in class org.tensorflow.ConcreteFunction
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(Ops, GraphOperation, List<Output<?>>) - Method in interface org.tensorflow.op.RawCustomGradient
Calculate the gradients for op.
call(Ops, Operand<?>) - Method in class org.tensorflow.ConcreteFunction
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(Ops, T, List<Output<?>>) - Method in interface org.tensorflow.op.CustomGradient
Calculate the gradients for op.
call(Scope, Map<String, Operand<?>>) - Method in class org.tensorflow.ConcreteFunction
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(Scope, ConcreteFunction, Map<String, Operand<?>>) - Static method in class org.tensorflow.op.core.Function
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(Scope, ConcreteFunction, Operand<?>) - Static method in class org.tensorflow.op.core.Function
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(Scope, Operand<?>) - Method in class org.tensorflow.ConcreteFunction
Calls the function in an execution environment, adding its graph as a function if it isn't already present.
call(Tensor) - Method in interface org.tensorflow.TensorFunction
Invokes a function with a single input and output using the default eager session.
cancelPendingEnqueues - Variable in class org.tensorflow.op.core.BarrierClose.Inputs
If true, all pending enqueue requests that are blocked on the barrier's queue will be canceled.
cancelPendingEnqueues - Variable in class org.tensorflow.op.io.QueueClose.Inputs
If true, all pending enqueue requests that are blocked on the given queue will be canceled.
cancelPendingEnqueues(Boolean) - Static method in class org.tensorflow.op.core.BarrierClose
Sets the cancelPendingEnqueues option.
cancelPendingEnqueues(Boolean) - Method in class org.tensorflow.op.core.BarrierClose.Options
Sets the cancelPendingEnqueues option.
cancelPendingEnqueues(Boolean) - Static method in class org.tensorflow.op.io.QueueClose
Sets the cancelPendingEnqueues option.
cancelPendingEnqueues(Boolean) - Method in class org.tensorflow.op.io.QueueClose.Options
Sets the cancelPendingEnqueues option.
capacity - Variable in class org.tensorflow.op.core.Barrier.Inputs
The capacity of the barrier.
capacity - Variable in class org.tensorflow.op.core.MapClear.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.MapIncompleteSize.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.MapPeek.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.MapSize.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.MapStage.Inputs
Maximum number of elements in the Staging Area.
capacity - Variable in class org.tensorflow.op.core.MapUnstage.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.MapUnstageNoKey.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.OrderedMapClear.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.OrderedMapIncompleteSize.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.OrderedMapPeek.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.OrderedMapSize.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
Maximum number of elements in the Staging Area.
capacity - Variable in class org.tensorflow.op.core.OrderedMapUnstage.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.Stage.Inputs
Maximum number of elements in the Staging Area.
capacity - Variable in class org.tensorflow.op.core.StageClear.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.StagePeek.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.StageSize.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.core.Unstage.Inputs
The capacity attribute
capacity - Variable in class org.tensorflow.op.io.FifoQueue.Inputs
The upper bound on the number of elements in this queue.
capacity - Variable in class org.tensorflow.op.io.PaddingFifoQueue.Inputs
The upper bound on the number of elements in this queue.
capacity - Variable in class org.tensorflow.op.io.PriorityQueue.Inputs
The upper bound on the number of elements in this queue.
capacity - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
The upper bound on the number of elements in this queue.
capacity(Long) - Static method in class org.tensorflow.op.core.Barrier
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.Barrier.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.MapClear
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.MapClear.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.MapIncompleteSize
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.MapIncompleteSize.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.MapPeek
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.MapPeek.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.MapSize
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.MapSize.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.MapStage
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.MapStage.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.MapUnstage
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.MapUnstage.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.MapUnstageNoKey
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.MapUnstageNoKey.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.OrderedMapClear
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.OrderedMapClear.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.OrderedMapIncompleteSize
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.OrderedMapIncompleteSize.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.OrderedMapPeek
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.OrderedMapPeek.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.OrderedMapSize
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.OrderedMapSize.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.OrderedMapStage
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.OrderedMapStage.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.OrderedMapUnstage
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.OrderedMapUnstage.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.OrderedMapUnstageNoKey
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.Stage
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.Stage.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.StageClear
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.StageClear.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.StagePeek
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.StagePeek.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.StageSize
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.StageSize.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.core.Unstage
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.core.Unstage.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.io.FifoQueue
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.io.FifoQueue.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.io.PaddingFifoQueue
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.io.PaddingFifoQueue.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.io.PriorityQueue
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.io.PriorityQueue.Options
Sets the capacity option.
capacity(Long) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the capacity option.
capacity(Long) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the capacity option.
capturedInputs - Variable in class org.tensorflow.op.core.MapDefun.Inputs
A list of tensors whose types are `Tcaptured`, corresponding to the captured inputs of the defun.
capturedTensors - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
The tensors which are captured in the function, and don't need to be batched.
cardinality - Variable in class org.tensorflow.op.data.AssertCardinalityDataset.Inputs
The cardinality input
cardinality() - Method in class org.tensorflow.op.data.DatasetCardinality
Gets cardinality.
cardinality() - Method in class org.tensorflow.op.data.experimental.DatasetCardinality
Gets cardinality.
cardinalityOptions - Variable in class org.tensorflow.op.data.DatasetCardinality.Inputs
The cardinalityOptions attribute
cardinalityOptions(String) - Static method in class org.tensorflow.op.data.DatasetCardinality
Sets the cardinalityOptions option.
cardinalityOptions(String) - Method in class org.tensorflow.op.data.DatasetCardinality.Options
Sets the cardinalityOptions option.
Case - Interface in org.tensorflow.op.core
An n-way switch statement which calls a single branch function.
Case.Options - Class in org.tensorflow.op.core
Optional attributes for Case
caseOp(Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<ConcreteFunction>, Case.Options...) - Method in class org.tensorflow.op.Ops
An n-way switch statement which calls a single branch function.
cast(Operand<? extends TType>, Class<U>, Cast.Options...) - Method in class org.tensorflow.op.DtypesOps
Cast x of type SrcT to y of DstT.
Cast<U extends TType> - Class in org.tensorflow.op.dtypes
Cast x of type SrcT to y of DstT.
Cast(Operation) - Constructor for class org.tensorflow.op.dtypes.Cast
 
Cast.Inputs - Class in org.tensorflow.op.dtypes
 
Cast.Options - Class in org.tensorflow.op.dtypes
Optional attributes for Cast
ceil(Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns element-wise smallest integer not less than x.
Ceil<T extends TNumber> - Class in org.tensorflow.op.math
Returns element-wise smallest integer not less than x.
Ceil(Operation) - Constructor for class org.tensorflow.op.math.Ceil
 
Ceil.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
cellClip - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
Value to clip the 'cs' value to.
cellClip - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
Value to clip the 'cs' value to.
cellClip(Float) - Static method in class org.tensorflow.op.nn.BlockLSTM
Sets the cellClip option.
cellClip(Float) - Method in class org.tensorflow.op.nn.BlockLSTM.Options
Sets the cellClip option.
cellClip(Float) - Static method in class org.tensorflow.op.nn.LSTMBlockCell
Sets the cellClip option.
cellClip(Float) - Method in class org.tensorflow.op.nn.LSTMBlockCell.Options
Sets the cellClip option.
centered - Variable in class org.tensorflow.op.image.ExtractGlimpse.Inputs
indicates if the offset coordinates are centered relative to the image, in which case the (0, 0) offset is relative to the center of the input images.
centered(Boolean) - Static method in class org.tensorflow.op.image.ExtractGlimpse
Sets the centered option.
centered(Boolean) - Method in class org.tensorflow.op.image.ExtractGlimpse.Options
Sets the centered option.
centers - Variable in class org.tensorflow.op.image.NearestNeighbors.Inputs
Matrix of shape (m, d).
channels - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
Number of color channels for the decoded image.
channels - Variable in class org.tensorflow.op.image.DecodeBmp.Inputs
The channels attribute
channels - Variable in class org.tensorflow.op.image.DecodeImage.Inputs
Number of color channels for the decoded image.
channels - Variable in class org.tensorflow.op.image.DecodeJpeg.Inputs
Number of color channels for the decoded image.
channels - Variable in class org.tensorflow.op.image.DecodePng.Inputs
Number of color channels for the decoded image.
channels(Long) - Static method in class org.tensorflow.op.image.DecodeAndCropJpeg
Sets the channels option.
channels(Long) - Method in class org.tensorflow.op.image.DecodeAndCropJpeg.Options
Sets the channels option.
channels(Long) - Static method in class org.tensorflow.op.image.DecodeBmp
Sets the channels option.
channels(Long) - Method in class org.tensorflow.op.image.DecodeBmp.Options
Sets the channels option.
channels(Long) - Static method in class org.tensorflow.op.image.DecodeImage
Sets the channels option.
channels(Long) - Method in class org.tensorflow.op.image.DecodeImage.Options
Sets the channels option.
channels(Long) - Static method in class org.tensorflow.op.image.DecodeJpeg
Sets the channels option.
channels(Long) - Method in class org.tensorflow.op.image.DecodeJpeg.Options
Sets the channels option.
channels(Long) - Static method in class org.tensorflow.op.image.DecodePng
Sets the channels option.
channels(Long) - Method in class org.tensorflow.op.image.DecodePng.Options
Sets the channels option.
charToByteStarts() - Method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Gets charToByteStarts.
charValues() - Method in class org.tensorflow.op.strings.UnicodeDecode
Gets charValues.
charValues() - Method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Gets charValues.
checkInput(Op) - Method in interface org.tensorflow.ExecutionEnvironment
Checks that input is valid to use as an input in this execution environment.
checkInput(Operation) - Method in class org.tensorflow.EagerSession
 
checkInput(Operation) - Method in interface org.tensorflow.ExecutionEnvironment
Checks that input is valid to use as an input in this execution environment.
checkInput(Operation) - Method in class org.tensorflow.Graph
 
checkNumerics(Operand<T>, String) - Method in class org.tensorflow.op.DebuggingOps
Checks a tensor for NaN, -Inf and +Inf values.
CheckNumerics<T extends TNumber> - Class in org.tensorflow.op.debugging
Checks a tensor for NaN, -Inf and +Inf values.
CheckNumerics(Operation) - Constructor for class org.tensorflow.op.debugging.CheckNumerics
 
CheckNumerics.Inputs<T extends TNumber> - Class in org.tensorflow.op.debugging
 
checkpointPrefixes - Variable in class org.tensorflow.op.train.MergeV2Checkpoints.Inputs
prefixes of V2 checkpoints to merge.
cholesky(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Computes the Cholesky decomposition of one or more square matrices.
Cholesky<T extends TType> - Class in org.tensorflow.op.linalg
Computes the Cholesky decomposition of one or more square matrices.
Cholesky(Operation) - Constructor for class org.tensorflow.op.linalg.Cholesky
 
Cholesky.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
choleskyGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Computes the reverse mode backpropagated gradient of the Cholesky algorithm.
CholeskyGrad<T extends TNumber> - Class in org.tensorflow.op.linalg
Computes the reverse mode backpropagated gradient of the Cholesky algorithm.
CholeskyGrad(Operation) - Constructor for class org.tensorflow.op.linalg.CholeskyGrad
 
CholeskyGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
chooseFastestBranchDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Iterable<Operand<?>>, Long, List<ConcreteFunction>, List<Long>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The ChooseFastestBranchDataset operation
ChooseFastestBranchDataset - Class in org.tensorflow.op.data
The ChooseFastestBranchDataset operation
ChooseFastestBranchDataset(Operation) - Constructor for class org.tensorflow.op.data.ChooseFastestBranchDataset
 
ChooseFastestBranchDataset.Inputs - Class in org.tensorflow.op.data
 
chooseFastestDataset(Iterable<Operand<? extends TType>>, Long, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalChooseFastestDataset operation
chooseFastestDataset(Iterable<Operand<? extends TType>>, Long, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The ChooseFastestDataset operation
ChooseFastestDataset - Class in org.tensorflow.op.data
The ChooseFastestDataset operation
ChooseFastestDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalChooseFastestDataset operation
ChooseFastestDataset(Operation) - Constructor for class org.tensorflow.op.data.ChooseFastestDataset
 
ChooseFastestDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.ChooseFastestDataset
 
ChooseFastestDataset.Inputs - Class in org.tensorflow.op.data
 
ChooseFastestDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
chromaDownsampling - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
See http://en.wikipedia.org/wiki/Chroma_subsampling.
chromaDownsampling(Boolean) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the chromaDownsampling option.
chromaDownsampling(Boolean) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the chromaDownsampling option.
chunkFile - Variable in class org.tensorflow.op.data.SnapshotChunkDataset.Inputs
The chunkFile input
ci - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The cell input over the whole time sequence.
ci - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The cell input.
ci() - Method in class org.tensorflow.op.nn.BlockLSTM
Gets ci.
ci() - Method in class org.tensorflow.op.nn.LSTMBlockCell
Gets ci.
ckptPath - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
Path to the TensorFlow checkpoint (version 2, TensorBundle) from which the old matrix Tensor will be loaded.
clearAfterRead - Variable in class org.tensorflow.op.core.TensorArray.Inputs
If true (default), Tensors in the TensorArray are cleared after being read.
clearAfterRead(Boolean) - Static method in class org.tensorflow.op.core.TensorArray
Sets the clearAfterRead option.
clearAfterRead(Boolean) - Method in class org.tensorflow.op.core.TensorArray.Options
Sets the clearAfterRead option.
clientTerminated - Variable in class org.tensorflow.op.core.Recv.Inputs
If set to true, this indicates that the node was added to the graph as a result of a client-side feed or fetch of Tensor data, in which case the corresponding send or recv is expected to be managed locally by the caller.
clientTerminated - Variable in class org.tensorflow.op.core.Send.Inputs
If set to true, this indicates that the node was added to the graph as a result of a client-side feed or fetch of Tensor data, in which case the corresponding send or recv is expected to be managed locally by the caller.
clientTerminated(Boolean) - Static method in class org.tensorflow.op.core.Recv
Sets the clientTerminated option.
clientTerminated(Boolean) - Method in class org.tensorflow.op.core.Recv.Options
Sets the clientTerminated option.
clientTerminated(Boolean) - Static method in class org.tensorflow.op.core.Send
Sets the clientTerminated option.
clientTerminated(Boolean) - Method in class org.tensorflow.op.core.Send.Options
Sets the clientTerminated option.
clipBoxes - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
If true, assume the box coordinates are between [0, 1] and clip the output boxes if they fall beyond [0, 1].
clipBoxes(Boolean) - Static method in class org.tensorflow.op.image.CombinedNonMaxSuppression
Sets the clipBoxes option.
clipBoxes(Boolean) - Method in class org.tensorflow.op.image.CombinedNonMaxSuppression.Options
Sets the clipBoxes option.
clipByValue(Operand<T>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Clips tensor values to a specified min and max.
ClipByValue<T extends TType> - Class in org.tensorflow.op.core
Clips tensor values to a specified min and max.
ClipByValue(Operation) - Constructor for class org.tensorflow.op.core.ClipByValue
 
ClipByValue.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
clipValueMax - Variable in class org.tensorflow.op.core.ClipByValue.Inputs
A 0-D (scalar) Tensor, or a Tensor with the same shape as t.
clipValueMax - Variable in class org.tensorflow.op.math.RequantizationRangePerChannel.Inputs
The maximum value of the output that needs to be clipped.
clipValueMin - Variable in class org.tensorflow.op.core.ClipByValue.Inputs
A 0-D (scalar) Tensor, or a Tensor with the same shape as t.
clipWeightMax - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The clipWeightMax attribute
clipWeightMax - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The clipWeightMax attribute
clipWeightMax - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The clipWeightMax attribute
clipWeightMax - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The clipWeightMax attribute
clipWeightMax - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The clipWeightMax attribute
clipWeightMax(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput
Sets the clipWeightMax option.
clipWeightMax(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Options
Sets the clipWeightMax option.
clipWeightMax(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
Sets the clipWeightMax option.
clipWeightMax(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Options
Sets the clipWeightMax option.
clipWeightMax(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
Sets the clipWeightMax option.
clipWeightMax(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Options
Sets the clipWeightMax option.
clipWeightMax(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
Sets the clipWeightMax option.
clipWeightMax(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Options
Sets the clipWeightMax option.
clipWeightMax(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput
Sets the clipWeightMax option.
clipWeightMax(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Options
Sets the clipWeightMax option.
clipWeightMin - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The clipWeightMin attribute
clipWeightMin - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The clipWeightMin attribute
clipWeightMin - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The clipWeightMin attribute
clipWeightMin - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The clipWeightMin attribute
clipWeightMin - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The clipWeightMin attribute
clipWeightMin(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput
Sets the clipWeightMin option.
clipWeightMin(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Options
Sets the clipWeightMin option.
clipWeightMin(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
Sets the clipWeightMin option.
clipWeightMin(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Options
Sets the clipWeightMin option.
clipWeightMin(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
Sets the clipWeightMin option.
clipWeightMin(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Options
Sets the clipWeightMin option.
clipWeightMin(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
Sets the clipWeightMin option.
clipWeightMin(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Options
Sets the clipWeightMin option.
clipWeightMin(Float) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput
Sets the clipWeightMin option.
clipWeightMin(Float) - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Options
Sets the clipWeightMin option.
close() - Method in class org.tensorflow.ConcreteFunction
 
close() - Method in class org.tensorflow.EagerSession
 
close() - Method in class org.tensorflow.Graph
Release resources associated with the Graph.
close() - Method in class org.tensorflow.RawTensor
 
close() - Method in class org.tensorflow.Result
 
close() - Method in class org.tensorflow.SavedModelBundle
Releases resources (the Graph and Session) associated with the saved model bundle.
close() - Method in class org.tensorflow.Server
Destroy an in-process TensorFlow server, frees memory.
close() - Method in class org.tensorflow.Session
Release resources associated with the Session.
close() - Method in interface org.tensorflow.Tensor
Release resources associated with the Tensor.
closeSummaryWriter(Operand<? extends TType>) - Method in class org.tensorflow.op.SummaryOps
The CloseSummaryWriter operation
CloseSummaryWriter - Class in org.tensorflow.op.summary
The CloseSummaryWriter operation
CloseSummaryWriter(Operation) - Constructor for class org.tensorflow.op.summary.CloseSummaryWriter
 
CloseSummaryWriter.Inputs - Class in org.tensorflow.op.summary
 
cluster - Variable in class org.tensorflow.op.Ops
 
ClusterOps - Class in org.tensorflow.op
An API for building cluster operations as Ops
co - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The cell after the tanh over the whole time sequence.
co - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The cell after the tanh.
co() - Method in class org.tensorflow.op.nn.BlockLSTM
Gets co.
co() - Method in class org.tensorflow.op.nn.LSTMBlockCell
Gets co.
colIds - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The colIds input
colIds - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The colIds input
colIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The colIds input
colIds() - Method in class org.tensorflow.op.tpu.ConvertToCooTensor
Gets colIds.
colInds() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents
Gets colInds.
collateTPUEmbeddingMemory(Iterable<Operand<TString>>) - Method in class org.tensorflow.op.TpuOps
An op that merges the string-encoded memory config protos from all hosts.
CollateTPUEmbeddingMemory - Class in org.tensorflow.op.tpu
An op that merges the string-encoded memory config protos from all hosts.
CollateTPUEmbeddingMemory(Operation) - Constructor for class org.tensorflow.op.tpu.CollateTPUEmbeddingMemory
 
CollateTPUEmbeddingMemory.Inputs - Class in org.tensorflow.op.tpu
 
collective - Variable in class org.tensorflow.op.Ops
 
collectiveAllToAll(Operand<T>, Operand<? extends TType>, Operand<TInt32>, CollectiveAllToAll.Options...) - Method in class org.tensorflow.op.CollectiveOps
Mutually exchanges multiple tensors of identical type and shape.
CollectiveAllToAll<T extends TNumber> - Class in org.tensorflow.op.collective
Mutually exchanges multiple tensors of identical type and shape.
CollectiveAllToAll(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveAllToAll
 
CollectiveAllToAll.Inputs<T extends TNumber> - Class in org.tensorflow.op.collective
 
CollectiveAllToAll.Options - Class in org.tensorflow.op.collective
Optional attributes for CollectiveAllToAll
collectiveAssignGroup(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.CollectiveOps
Assign group keys based on group assignment.
CollectiveAssignGroup - Class in org.tensorflow.op.collective
Assign group keys based on group assignment.
CollectiveAssignGroup(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveAssignGroup
 
CollectiveAssignGroup.Inputs - Class in org.tensorflow.op.collective
 
collectiveBcastRecv(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<? extends TNumber>, Class<U>, CollectiveBcastRecv.Options...) - Method in class org.tensorflow.op.CollectiveOps
Receives a tensor value broadcast from another device.
CollectiveBcastRecv<U extends TType> - Class in org.tensorflow.op.collective
Receives a tensor value broadcast from another device.
CollectiveBcastRecv(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveBcastRecv
 
CollectiveBcastRecv.Inputs - Class in org.tensorflow.op.collective
 
CollectiveBcastRecv.Options - Class in org.tensorflow.op.collective
Optional attributes for CollectiveBcastRecv
collectiveBcastSend(Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, CollectiveBcastSend.Options...) - Method in class org.tensorflow.op.CollectiveOps
Broadcasts a tensor value to one or more other devices.
CollectiveBcastSend<T extends TType> - Class in org.tensorflow.op.collective
Broadcasts a tensor value to one or more other devices.
CollectiveBcastSend(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveBcastSend
 
CollectiveBcastSend.Inputs<T extends TType> - Class in org.tensorflow.op.collective
 
CollectiveBcastSend.Options - Class in org.tensorflow.op.collective
Optional attributes for CollectiveBcastSend
collectiveGather(Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<? extends TType>>, CollectiveGather.Options...) - Method in class org.tensorflow.op.CollectiveOps
Mutually accumulates multiple tensors of identical type and shape.
CollectiveGather<T extends TNumber> - Class in org.tensorflow.op.collective
Mutually accumulates multiple tensors of identical type and shape.
CollectiveGather(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveGather
 
CollectiveGather.Inputs<T extends TNumber> - Class in org.tensorflow.op.collective
 
CollectiveGather.Options - Class in org.tensorflow.op.collective
Optional attributes for CollectiveGather
collectiveInitializeCommunicator(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, CollectiveInitializeCommunicator.Options...) - Method in class org.tensorflow.op.CollectiveOps
Initializes a group for collective operations.
CollectiveInitializeCommunicator - Class in org.tensorflow.op.collective
Initializes a group for collective operations.
CollectiveInitializeCommunicator(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveInitializeCommunicator
 
CollectiveInitializeCommunicator.Inputs - Class in org.tensorflow.op.collective
 
CollectiveInitializeCommunicator.Options - Class in org.tensorflow.op.collective
Optional attributes for CollectiveInitializeCommunicator
CollectiveOps - Class in org.tensorflow.op
An API for building collective operations as Ops
collectivePermute(Operand<T>, Operand<TInt32>) - Method in class org.tensorflow.op.CollectiveOps
An Op to permute tensors across replicated TPU instances.
CollectivePermute<T extends TType> - Class in org.tensorflow.op.collective
An Op to permute tensors across replicated TPU instances.
CollectivePermute(Operation) - Constructor for class org.tensorflow.op.collective.CollectivePermute
 
CollectivePermute.Inputs<T extends TType> - Class in org.tensorflow.op.collective
 
collectiveReduce(Operand<T>, Operand<? extends TType>, Operand<TInt32>, String, CollectiveReduce.Options...) - Method in class org.tensorflow.op.CollectiveOps
Mutually reduces multiple tensors of identical type and shape.
CollectiveReduce<T extends TNumber> - Class in org.tensorflow.op.collective
Mutually reduces multiple tensors of identical type and shape.
CollectiveReduce(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveReduce
 
CollectiveReduce.Inputs<T extends TNumber> - Class in org.tensorflow.op.collective
 
CollectiveReduce.Options - Class in org.tensorflow.op.collective
Optional attributes for CollectiveReduce
collectiveReduceScatter(Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<? extends TType>>, String, String, CollectiveReduceScatter.Options...) - Method in class org.tensorflow.op.CollectiveOps
Mutually reduces multiple tensors of identical type and shape and scatters the result.
CollectiveReduceScatter<T extends TNumber> - Class in org.tensorflow.op.collective
Mutually reduces multiple tensors of identical type and shape and scatters the result.
CollectiveReduceScatter(Operation) - Constructor for class org.tensorflow.op.collective.CollectiveReduceScatter
 
CollectiveReduceScatter.Inputs<T extends TNumber> - Class in org.tensorflow.op.collective
 
CollectiveReduceScatter.Options - Class in org.tensorflow.op.collective
Optional attributes for CollectiveReduceScatter
colors - Variable in class org.tensorflow.op.image.DrawBoundingBoxes.Inputs
2-D.
colPoolingSequence - Variable in class org.tensorflow.op.nn.FractionalAvgPoolGrad.Inputs
column pooling sequence, form pooling region with row_pooling sequence.
colPoolingSequence - Variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
column pooling sequence, form pooling region with row_pooling sequence.
colPoolingSequence() - Method in class org.tensorflow.op.nn.FractionalAvgPool
Gets colPoolingSequence.
colPoolingSequence() - Method in class org.tensorflow.op.nn.FractionalMaxPool
Gets colPoolingSequence.
colRemapping - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
An int Tensor of column remappings (generally created by generate_vocab_remapping).
combinedNonMaxSuppression(Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, CombinedNonMaxSuppression.Options...) - Method in class org.tensorflow.op.ImageOps
Greedily selects a subset of bounding boxes in descending order of score, This operation performs non_max_suppression on the inputs per batch, across all classes.
CombinedNonMaxSuppression - Class in org.tensorflow.op.image
Greedily selects a subset of bounding boxes in descending order of score, This operation performs non_max_suppression on the inputs per batch, across all classes.
CombinedNonMaxSuppression(Operation) - Constructor for class org.tensorflow.op.image.CombinedNonMaxSuppression
 
CombinedNonMaxSuppression.Inputs - Class in org.tensorflow.op.image
 
CombinedNonMaxSuppression.Options - Class in org.tensorflow.op.image
Optional attributes for CombinedNonMaxSuppression
combiner - Variable in class org.tensorflow.op.tpu.ConvertToCooTensor.Inputs
The combiner attribute
combiners - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of string scalars, one for each embedding table that specify how to normalize the embedding activations after weighted summation.
combiners - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The combiners attribute
combiners - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of string scalars, one for each embedding table that specify how to normalize the embedding activations after weighted summation.
combiners - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Inputs
A list of string scalars, one for each embedding table that specify how to normalize the embedding activations after weighted summation.
combiners - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
A list of string scalars, one for each embedding table that specify how to normalize the embedding activations after weighted summation.
combiners - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
A list of string scalars, one for each embedding table that specify how to normalize the embedding activations after weighted summation.
combiners - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
A list of string scalars, one for each embedding table that specify how to normalize the embedding activations after weighted summation.
combiners(String...) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch
Sets the combiners option.
combiners(String...) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Options
Sets the combiners option.
combiners(String...) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
Sets the combiners option.
combiners(String...) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the combiners option.
combiners(String...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch
Sets the combiners option.
combiners(String...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Options
Sets the combiners option.
combiners(String...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch
Sets the combiners option.
combiners(String...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Options
Sets the combiners option.
combiners(String...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Sets the combiners option.
combiners(String...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the combiners option.
combiners(String...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch
Sets the combiners option.
combiners(String...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Options
Sets the combiners option.
combiners(String...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Sets the combiners option.
combiners(String...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Options
Sets the combiners option.
combiners(List<String>) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch
Sets the combiners option.
combiners(List<String>) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Options
Sets the combiners option.
combiners(List<String>) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
Sets the combiners option.
combiners(List<String>) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the combiners option.
combiners(List<String>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch
Sets the combiners option.
combiners(List<String>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Options
Sets the combiners option.
combiners(List<String>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch
Sets the combiners option.
combiners(List<String>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Options
Sets the combiners option.
combiners(List<String>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Sets the combiners option.
combiners(List<String>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the combiners option.
combiners(List<String>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch
Sets the combiners option.
combiners(List<String>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Options
Sets the combiners option.
combiners(List<String>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Sets the combiners option.
combiners(List<String>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Options
Sets the combiners option.
commonConfig - Variable in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost.Inputs
A string-encoded common configuration proto containing metadata about the TPUEmbedding partitioner output.
commonConfig - Variable in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingMemory.Inputs
A string-encoded CommonConfiguration proto containing metadata about the TPUEmbedding partitioner output and the HBM size (in bytes) required for operation.
commonConfig - Variable in class org.tensorflow.op.tpu.FinalizeTPUEmbedding.Inputs
A string-encoded common configuration proto containing metadata about the TPUEmbedding partitioner output and the HBM size (in bytes) required for operation.
commonConfig() - Method in class org.tensorflow.op.tpu.ExecuteTPUEmbeddingPartitioner
Gets commonConfig.
communicationHint - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The communicationHint attribute
communicationHint - Variable in class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
The communicationHint attribute
communicationHint - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The communicationHint attribute
communicationHint - Variable in class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Inputs
The communicationHint attribute
communicationHint - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The communicationHint attribute
communicationHint(String) - Static method in class org.tensorflow.op.collective.CollectiveBcastRecv
Sets the communicationHint option.
communicationHint(String) - Method in class org.tensorflow.op.collective.CollectiveBcastRecv.Options
Sets the communicationHint option.
communicationHint(String) - Static method in class org.tensorflow.op.collective.CollectiveBcastSend
Sets the communicationHint option.
communicationHint(String) - Method in class org.tensorflow.op.collective.CollectiveBcastSend.Options
Sets the communicationHint option.
communicationHint(String) - Static method in class org.tensorflow.op.collective.CollectiveGather
Sets the communicationHint option.
communicationHint(String) - Method in class org.tensorflow.op.collective.CollectiveGather.Options
Sets the communicationHint option.
communicationHint(String) - Static method in class org.tensorflow.op.collective.CollectiveInitializeCommunicator
Sets the communicationHint option.
communicationHint(String) - Method in class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Options
Sets the communicationHint option.
communicationHint(String) - Static method in class org.tensorflow.op.collective.CollectiveReduceScatter
Sets the communicationHint option.
communicationHint(String) - Method in class org.tensorflow.op.collective.CollectiveReduceScatter.Options
Sets the communicationHint option.
communicator - Variable in class org.tensorflow.op.collective.CollectiveAllToAll.Inputs
The communicator input
communicator - Variable in class org.tensorflow.op.collective.CollectiveReduce.Inputs
The communicator input
communicator() - Method in class org.tensorflow.op.collective.CollectiveInitializeCommunicator
Gets communicator.
compilationFailureClosesChips - Variable in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Inputs
The compilationFailureClosesChips attribute
compilationFailureClosesChips(Boolean) - Static method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Sets the compilationFailureClosesChips option.
compilationFailureClosesChips(Boolean) - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Options
Sets the compilationFailureClosesChips option.
compilationResult() - Method in class org.tensorflow.op.TpuOps
Returns the result of a TPU compilation.
CompilationResult - Class in org.tensorflow.op.tpu
Returns the result of a TPU compilation.
CompilationResult(Operation) - Constructor for class org.tensorflow.op.tpu.CompilationResult
 
CompilationResult.Inputs - Class in org.tensorflow.op.tpu
 
compilationStatus - Variable in class org.tensorflow.op.tpu.CompileSucceededAssert.Inputs
The compilationStatus input
compilationStatus() - Method in class org.tensorflow.op.tpu.Compile
Gets compilationStatus.
compile(Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Long, ConcreteFunction, String) - Method in class org.tensorflow.op.TpuOps
Compiles a computations for execution on one or more TPU devices.
Compile - Class in org.tensorflow.op.tpu
Compiles a computations for execution on one or more TPU devices.
Compile(Operation) - Constructor for class org.tensorflow.op.tpu.Compile
 
Compile.Inputs - Class in org.tensorflow.op.tpu
 
compileSucceededAssert(Operand<TString>) - Method in class org.tensorflow.op.TpuOps
Asserts that compilation succeeded.
CompileSucceededAssert - Class in org.tensorflow.op.tpu
Asserts that compilation succeeded.
CompileSucceededAssert(Operation) - Constructor for class org.tensorflow.op.tpu.CompileSucceededAssert
 
CompileSucceededAssert.Inputs - Class in org.tensorflow.op.tpu
 
completeSubgraph(Set<Operand<?>>, Set<Operand<?>>) - Method in class org.tensorflow.Graph
Finds the operations used to produce outputs, assuming inputs are provided.
complex(Operand<T>, Operand<T>, Class<U>) - Method in class org.tensorflow.op.DtypesOps
Converts two real numbers to a complex number.
Complex<U extends TType> - Class in org.tensorflow.op.dtypes
Converts two real numbers to a complex number.
Complex(Operation) - Constructor for class org.tensorflow.op.dtypes.Complex
 
Complex.Inputs<T extends TNumber> - Class in org.tensorflow.op.dtypes
 
complexAbs(Operand<? extends TType>) - Method in class org.tensorflow.op.MathOps
Computes the complex absolute value of a tensor.
complexAbs(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.MathOps
Computes the complex absolute value of a tensor.
ComplexAbs<U extends TNumber> - Class in org.tensorflow.op.math
Computes the complex absolute value of a tensor.
ComplexAbs(Operation) - Constructor for class org.tensorflow.op.math.ComplexAbs
 
ComplexAbs.Inputs - Class in org.tensorflow.op.math
 
componentIndex - Variable in class org.tensorflow.op.core.BarrierInsertMany.Inputs
The component of the barrier elements that is being assigned.
components - Variable in class org.tensorflow.op.core.CompositeTensorVariantFromComponents.Inputs
The component tensors for the extension type value.
components - Variable in class org.tensorflow.op.data.CompressElement.Inputs
The components input
components - Variable in class org.tensorflow.op.data.OptionalFromValue.Inputs
The components input
components - Variable in class org.tensorflow.op.data.TensorDataset.Inputs
The components input
components - Variable in class org.tensorflow.op.data.TensorSliceDataset.Inputs
The components input
components - Variable in class org.tensorflow.op.io.QueueEnqueue.Inputs
One or more tensors from which the enqueued tensors should be taken.
components - Variable in class org.tensorflow.op.io.QueueEnqueueMany.Inputs
One or more tensors from which the enqueued tensors should be taken.
components() - Method in class org.tensorflow.op.core.CompositeTensorVariantToComponents
Gets components.
components() - Method in class org.tensorflow.op.core.GetElementAtIndex
Gets components.
components() - Method in class org.tensorflow.op.data.DatasetToSingleElement
Gets components.
components() - Method in class org.tensorflow.op.data.IteratorGetNext
Gets components.
components() - Method in class org.tensorflow.op.data.IteratorGetNextSync
Gets components.
components() - Method in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard
Gets components.
components() - Method in class org.tensorflow.op.data.OptionalGetValue
Gets components.
components() - Method in class org.tensorflow.op.data.ReduceDataset
Gets components.
components() - Method in class org.tensorflow.op.data.UncompressElement
Gets components.
components() - Method in class org.tensorflow.op.io.QueueDequeue
Gets components.
components() - Method in class org.tensorflow.op.io.QueueDequeueMany
Gets components.
components() - Method in class org.tensorflow.op.io.QueueDequeueUpTo
Gets components.
componentTypes - Variable in class org.tensorflow.op.core.Barrier.Inputs
The type of each component in a value.
componentTypes - Variable in class org.tensorflow.op.core.BarrierTakeMany.Inputs
The type of each component in a value.
componentTypes - Variable in class org.tensorflow.op.io.FifoQueue.Inputs
The type of each component in a value.
componentTypes - Variable in class org.tensorflow.op.io.PaddingFifoQueue.Inputs
The type of each component in a value.
componentTypes - Variable in class org.tensorflow.op.io.PriorityQueue.Inputs
The type of each component in a value.
componentTypes - Variable in class org.tensorflow.op.io.QueueDequeue.Inputs
The type of each component in a tuple.
componentTypes - Variable in class org.tensorflow.op.io.QueueDequeueMany.Inputs
The type of each component in a tuple.
componentTypes - Variable in class org.tensorflow.op.io.QueueDequeueUpTo.Inputs
The type of each component in a tuple.
componentTypes - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
The type of each component in a value.
compositeTensorVariantFromComponents(Iterable<Operand<?>>, String) - Method in class org.tensorflow.op.Ops
Encodes an ExtensionType value into a variant scalar Tensor.
CompositeTensorVariantFromComponents - Class in org.tensorflow.op.core
Encodes an ExtensionType value into a variant scalar Tensor.
CompositeTensorVariantFromComponents(Operation) - Constructor for class org.tensorflow.op.core.CompositeTensorVariantFromComponents
 
CompositeTensorVariantFromComponents.Inputs - Class in org.tensorflow.op.core
 
compositeTensorVariantToComponents(Operand<? extends TType>, String, List<Class<? extends TType>>) - Method in class org.tensorflow.op.Ops
Decodes a variant scalar Tensor into an ExtensionType value.
CompositeTensorVariantToComponents - Class in org.tensorflow.op.core
Decodes a variant scalar Tensor into an ExtensionType value.
CompositeTensorVariantToComponents(Operation) - Constructor for class org.tensorflow.op.core.CompositeTensorVariantToComponents
 
CompositeTensorVariantToComponents.Inputs - Class in org.tensorflow.op.core
 
compressed - Variable in class org.tensorflow.op.data.UncompressElement.Inputs
The compressed input
compressed() - Method in class org.tensorflow.op.data.CompressElement
Gets compressed.
compressElement(Iterable<Operand<?>>) - Method in class org.tensorflow.op.DataOps
Compresses a dataset element.
CompressElement - Class in org.tensorflow.op.data
Compresses a dataset element.
CompressElement(Operation) - Constructor for class org.tensorflow.op.data.CompressElement
 
CompressElement.Inputs - Class in org.tensorflow.op.data
 
compression - Variable in class org.tensorflow.op.data.LoadDataset.Inputs
The compression attribute
compression - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The compression attribute
compression - Variable in class org.tensorflow.op.data.SnapshotChunkDataset.Inputs
The compression attribute
compression - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The type of compression to be applied to the saved snapshot files.
compression - Variable in class org.tensorflow.op.data.SnapshotDatasetReader.Inputs
The compression attribute
compression - Variable in class org.tensorflow.op.image.EncodePng.Inputs
Compression level.
compression(Long) - Static method in class org.tensorflow.op.image.EncodePng
Sets the compression option.
compression(Long) - Method in class org.tensorflow.op.image.EncodePng.Options
Sets the compression option.
compression(String) - Static method in class org.tensorflow.op.data.LoadDataset
Sets the compression option.
compression(String) - Method in class org.tensorflow.op.data.LoadDataset.Options
Sets the compression option.
compression(String) - Static method in class org.tensorflow.op.data.SaveDataset
Sets the compression option.
compression(String) - Method in class org.tensorflow.op.data.SaveDataset.Options
Sets the compression option.
compression(String) - Static method in class org.tensorflow.op.data.SnapshotChunkDataset
Sets the compression option.
compression(String) - Method in class org.tensorflow.op.data.SnapshotChunkDataset.Options
Sets the compression option.
compression(String) - Static method in class org.tensorflow.op.data.SnapshotDataset
Sets the compression option.
compression(String) - Method in class org.tensorflow.op.data.SnapshotDataset.Options
Sets the compression option.
compression(String) - Static method in class org.tensorflow.op.data.SnapshotDatasetReader
Sets the compression option.
compression(String) - Method in class org.tensorflow.op.data.SnapshotDatasetReader.Options
Sets the compression option.
compressionType - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The compressionType input
compressionType - Variable in class org.tensorflow.op.data.DatasetToTfRecord.Inputs
A scalar string tensor containing either (i) the empty string (no compression), (ii) "ZLIB", or (iii) "GZIP".
compressionType - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The compressionType input
compressionType - Variable in class org.tensorflow.op.data.experimental.DatasetToTFRecord.Inputs
A scalar string tensor containing either (i) the empty string (no compression), (ii) "ZLIB", or (iii) "GZIP".
compressionType - Variable in class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
The compressionType input
compressionType - Variable in class org.tensorflow.op.data.TextLineDataset.Inputs
A scalar containing either (i) the empty string (no compression), (ii) "ZLIB", or (iii) "GZIP".
compressionType - Variable in class org.tensorflow.op.data.TfRecordDataset.Inputs
A scalar containing either (i) the empty string (no compression), (ii) "ZLIB", or (iii) "GZIP".
compressionType - Variable in class org.tensorflow.op.io.DecodeCompressed.Inputs
A scalar containing either (i) the empty string (no compression), (ii) "ZLIB", or (iii) "GZIP".
compressionType - Variable in class org.tensorflow.op.io.TfRecordReader.Inputs
The compressionType attribute
compressionType - Variable in class org.tensorflow.op.random.RecordInput.Inputs
The type of compression for the file.
compressionType(String) - Static method in class org.tensorflow.op.io.DecodeCompressed
Sets the compressionType option.
compressionType(String) - Method in class org.tensorflow.op.io.DecodeCompressed.Options
Sets the compressionType option.
compressionType(String) - Static method in class org.tensorflow.op.io.TfRecordReader
Sets the compressionType option.
compressionType(String) - Method in class org.tensorflow.op.io.TfRecordReader.Options
Sets the compressionType option.
compressionType(String) - Static method in class org.tensorflow.op.random.RecordInput
Sets the compressionType option.
compressionType(String) - Method in class org.tensorflow.op.random.RecordInput.Options
Sets the compressionType option.
computationShape - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
DEPRECATED.
computationShape - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
DEPRECATED.
computationShape(Long...) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the computationShape option.
computationShape(Long...) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the computationShape option.
computationShape(Long...) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the computationShape option.
computationShape(Long...) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the computationShape option.
computationShape(List<Long>) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the computationShape option.
computationShape(List<Long>) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the computationShape option.
computationShape(List<Long>) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the computationShape option.
computationShape(List<Long>) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the computationShape option.
computeAccidentalHits(Operand<TInt64>, Operand<TInt64>, Long, ComputeAccidentalHits.Options...) - Method in class org.tensorflow.op.NnOps
Computes the ids of the positions in sampled_candidates that match true_labels.
ComputeAccidentalHits - Class in org.tensorflow.op.nn
Computes the ids of the positions in sampled_candidates that match true_labels.
ComputeAccidentalHits(Operation) - Constructor for class org.tensorflow.op.nn.ComputeAccidentalHits
 
ComputeAccidentalHits.Inputs - Class in org.tensorflow.op.nn
 
ComputeAccidentalHits.Options - Class in org.tensorflow.op.nn
Optional attributes for ComputeAccidentalHits
computeBatchSize(Operand<? extends TType>) - Method in class org.tensorflow.op.TrainOps
Computes the static batch size of a dataset sans partial batches.
ComputeBatchSize - Class in org.tensorflow.op.train
Computes the static batch size of a dataset sans partial batches.
ComputeBatchSize(Operation) - Constructor for class org.tensorflow.op.train.ComputeBatchSize
 
ComputeBatchSize.Inputs - Class in org.tensorflow.op.train
 
computeDedupDataSize(String) - Method in class org.tensorflow.op.TpuOps
An op computes the size of the deduplication data from embedding core and returns the updated config.
ComputeDedupDataSize - Class in org.tensorflow.op.tpu
An op computes the size of the deduplication data from embedding core and returns the updated config.
ComputeDedupDataSize(Operation) - Constructor for class org.tensorflow.op.tpu.ComputeDedupDataSize
 
ComputeDedupDataSize.Inputs - Class in org.tensorflow.op.tpu
 
computeDedupDataTupleMask(String) - Method in class org.tensorflow.op.TpuOps
An op computes tuple mask of deduplication data from embedding core.
ComputeDedupDataTupleMask - Class in org.tensorflow.op.tpu
An op computes tuple mask of deduplication data from embedding core.
ComputeDedupDataTupleMask(Operation) - Constructor for class org.tensorflow.op.tpu.ComputeDedupDataTupleMask
 
ComputeDedupDataTupleMask.Inputs - Class in org.tensorflow.op.tpu
 
computeUv - Variable in class org.tensorflow.op.linalg.BatchSvd.Inputs
The computeUv attribute
computeUv - Variable in class org.tensorflow.op.linalg.Svd.Inputs
If true, left and right singular vectors will be computed and returned in u and v, respectively.
computeUv(Boolean) - Static method in class org.tensorflow.op.linalg.BatchSvd
Sets the computeUv option.
computeUv(Boolean) - Method in class org.tensorflow.op.linalg.BatchSvd.Options
Sets the computeUv option.
computeUv(Boolean) - Static method in class org.tensorflow.op.linalg.Svd
Sets the computeUv option.
computeUv(Boolean) - Method in class org.tensorflow.op.linalg.Svd.Options
Sets the computeUv option.
computeV - Variable in class org.tensorflow.op.linalg.BatchSelfAdjointEig.Inputs
The computeV attribute
computeV - Variable in class org.tensorflow.op.linalg.Eig.Inputs
If True then eigenvectors will be computed and returned in v.
computeV - Variable in class org.tensorflow.op.linalg.SelfAdjointEig.Inputs
If True then eigenvectors will be computed and returned in v.
computeV(Boolean) - Static method in class org.tensorflow.op.linalg.BatchSelfAdjointEig
Sets the computeV option.
computeV(Boolean) - Method in class org.tensorflow.op.linalg.BatchSelfAdjointEig.Options
Sets the computeV option.
computeV(Boolean) - Static method in class org.tensorflow.op.linalg.Eig
Sets the computeV option.
computeV(Boolean) - Method in class org.tensorflow.op.linalg.Eig.Options
Sets the computeV option.
computeV(Boolean) - Static method in class org.tensorflow.op.linalg.SelfAdjointEig
Sets the computeV option.
computeV(Boolean) - Method in class org.tensorflow.op.linalg.SelfAdjointEig.Options
Sets the computeV option.
concat(Iterable<Operand<T>>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Concatenates tensors along one dimension.
Concat<T extends TType> - Class in org.tensorflow.op.core
Concatenates tensors along one dimension.
Concat(Operation) - Constructor for class org.tensorflow.op.core.Concat
 
Concat.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
concatDim - Variable in class org.tensorflow.op.core.ConcatOffset.Inputs
The dimension along which to concatenate.
concatDim - Variable in class org.tensorflow.op.quantization.QuantizedConcat.Inputs
0-D.
concatDim - Variable in class org.tensorflow.op.sparse.SparseConcat.Inputs
Dimension to concatenate along.
concatDimension - Variable in class org.tensorflow.op.tpu.AllToAll.Inputs
The dimension number to concatenate.
concatenateDataset(Operand<? extends TType>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ConcatenateDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that concatenates input_dataset with another_dataset.
ConcatenateDataset - Class in org.tensorflow.op.data
Creates a dataset that concatenates input_dataset with another_dataset.
ConcatenateDataset(Operation) - Constructor for class org.tensorflow.op.data.ConcatenateDataset
 
ConcatenateDataset.Inputs - Class in org.tensorflow.op.data
 
ConcatenateDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ConcatenateDataset
concatND(Iterable<Operand<T>>, List<Long>, ConcatND.Options...) - Method in class org.tensorflow.op.XlaOps
Concats input tensor across all dimensions.
ConcatND<T extends TType> - Class in org.tensorflow.op.xla
Concats input tensor across all dimensions.
ConcatND(Operation) - Constructor for class org.tensorflow.op.xla.ConcatND
 
ConcatND.Inputs<T extends TType> - Class in org.tensorflow.op.xla
 
ConcatND.Options - Class in org.tensorflow.op.xla
Optional attributes for ConcatND
concatOffset(Operand<TInt32>, Iterable<Operand<T>>) - Method in class org.tensorflow.op.Ops
Computes offsets of concat inputs within its output.
ConcatOffset<T extends TNumber> - Class in org.tensorflow.op.core
Computes offsets of concat inputs within its output.
ConcatOffset(Operation) - Constructor for class org.tensorflow.op.core.ConcatOffset
 
ConcatOffset.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
ConcreteFunction - Class in org.tensorflow
A graph that can be invoked as a single function, with an input and output signature.
cond - Variable in class org.tensorflow.op.core.StatefulIf.Inputs
A Tensor.
cond - Variable in class org.tensorflow.op.core.StatelessIf.Inputs
A Tensor.
condition - Variable in class org.tensorflow.op.core.AssertThat.Inputs
The condition to evaluate.
condition - Variable in class org.tensorflow.op.core.Select.Inputs
The condition input
condition - Variable in class org.tensorflow.op.core.Where.Inputs
The condition input
conditionalAccumulator(Class<T>, Shape, ConditionalAccumulator.Options...) - Method in class org.tensorflow.op.TrainOps
A conditional accumulator for aggregating gradients.
ConditionalAccumulator - Class in org.tensorflow.op.train
A conditional accumulator for aggregating gradients.
ConditionalAccumulator(Operation) - Constructor for class org.tensorflow.op.train.ConditionalAccumulator
 
ConditionalAccumulator.Inputs - Class in org.tensorflow.op.train
 
ConditionalAccumulator.Options - Class in org.tensorflow.op.train
Optional attributes for ConditionalAccumulator
config - Variable in class org.tensorflow.op.core.PartitionedCall.Inputs
The config attribute
config - Variable in class org.tensorflow.op.core.StatefulPartitionedCall.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.ComputeDedupDataSize.Inputs
Serialized TPUEmbeddingConfiguration proto.
config - Variable in class org.tensorflow.op.tpu.ComputeDedupDataTupleMask.Inputs
Serialized TPUEmbeddingConfiguration proto.
config - Variable in class org.tensorflow.op.tpu.ConfigureTPUEmbedding.Inputs
Serialized tensorflow.tpu.TPUEmbeddingConfiguration that describes the embedding lookups of the program.
config - Variable in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost.Inputs
An TPUEmbeddingConfiguration proto serialized to a string, describing the desired TPUEmbedding configuration.
config - Variable in class org.tensorflow.op.tpu.ExecuteTPUEmbeddingPartitioner.Inputs
An TPUEmbeddingConfiguration proto serialized to a string, describing the desired TPUEmbedding configuration.
config - Variable in class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
An TPUEmbeddingConfiguration proto describing the table parameters being loaded, serialized to a string.
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.MergeDedupData.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RecvTPUEmbeddingActivations.Inputs
Serialized TPUEmbeddingConfiguration proto.
config - Variable in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters.Inputs
An TPUEmbeddingConfiguration proto describing the table parameters being loaded, serialized to a string.
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Inputs
The config attribute
config - Variable in class org.tensorflow.op.tpu.SendTPUEmbeddingGradients.Inputs
Serialized TPUEmbeddingConfiguration proto.
config - Variable in class org.tensorflow.op.tpu.SplitDedupData.Inputs
The config attribute
config - Variable in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations.Inputs
Serialized TPUEmbeddingConfiguration proto.
config - Variable in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingDeduplicationData.Inputs
Serialized TPUEmbeddingConfiguration proto.
config - Variable in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients.Inputs
Serialized TPUEmbeddingConfiguration proto.
config(String) - Static method in class org.tensorflow.op.core.PartitionedCall
Sets the config option.
config(String) - Method in class org.tensorflow.op.core.PartitionedCall.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.core.StatefulPartitionedCall
Sets the config option.
config(String) - Method in class org.tensorflow.op.core.StatefulPartitionedCall.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.MergeDedupData
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.MergeDedupData.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Options
Sets the config option.
config(String) - Static method in class org.tensorflow.op.tpu.SplitDedupData
Sets the config option.
config(String) - Method in class org.tensorflow.op.tpu.SplitDedupData.Options
Sets the config option.
config(ConfigProto) - Method in class org.tensorflow.EagerSession.Options
Configures the session based on the data found in the provided configuration.
configProto - Variable in class org.tensorflow.op.core.PartitionedCall.Inputs
The configProto attribute
configProto - Variable in class org.tensorflow.op.core.StatefulPartitionedCall.Inputs
The configProto attribute
configProto(String) - Static method in class org.tensorflow.op.core.PartitionedCall
Sets the configProto option.
configProto(String) - Method in class org.tensorflow.op.core.PartitionedCall.Options
Sets the configProto option.
configProto(String) - Static method in class org.tensorflow.op.core.StatefulPartitionedCall
Sets the configProto option.
configProto(String) - Method in class org.tensorflow.op.core.StatefulPartitionedCall.Options
Sets the configProto option.
configureAndInitializeGlobalTPU(ConfigureAndInitializeGlobalTPU.Options...) - Method in class org.tensorflow.op.TpuOps
An op that sets up the centralized structures for a distributed TPU system.
ConfigureAndInitializeGlobalTPU - Class in org.tensorflow.op.tpu
An op that sets up the centralized structures for a distributed TPU system.
ConfigureAndInitializeGlobalTPU(Operation) - Constructor for class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU
 
ConfigureAndInitializeGlobalTPU.Inputs - Class in org.tensorflow.op.tpu
 
ConfigureAndInitializeGlobalTPU.Options - Class in org.tensorflow.op.tpu
Optional attributes for ConfigureAndInitializeGlobalTPU
configureDistributedTPU(ConfigureDistributedTPU.Options...) - Method in class org.tensorflow.op.TpuOps
Sets up the centralized structures for a distributed TPU system.
ConfigureDistributedTPU - Class in org.tensorflow.op.tpu
Sets up the centralized structures for a distributed TPU system.
ConfigureDistributedTPU(Operation) - Constructor for class org.tensorflow.op.tpu.ConfigureDistributedTPU
 
ConfigureDistributedTPU.Inputs - Class in org.tensorflow.op.tpu
 
ConfigureDistributedTPU.Options - Class in org.tensorflow.op.tpu
Optional attributes for ConfigureDistributedTPU
configureTPUEmbedding(String) - Method in class org.tensorflow.op.TpuOps
Sets up TPUEmbedding in a distributed TPU system.
ConfigureTPUEmbedding - Class in org.tensorflow.op.tpu
Sets up TPUEmbedding in a distributed TPU system.
ConfigureTPUEmbedding(Operation) - Constructor for class org.tensorflow.op.tpu.ConfigureTPUEmbedding
 
ConfigureTPUEmbedding.Inputs - Class in org.tensorflow.op.tpu
 
configureTPUEmbeddingHost(Operand<TString>, Operand<TString>, String) - Method in class org.tensorflow.op.TpuOps
An op that configures the TPUEmbedding software on a host.
ConfigureTPUEmbeddingHost - Class in org.tensorflow.op.tpu
An op that configures the TPUEmbedding software on a host.
ConfigureTPUEmbeddingHost(Operation) - Constructor for class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost
 
ConfigureTPUEmbeddingHost.Inputs - Class in org.tensorflow.op.tpu
 
configureTPUEmbeddingMemory(Operand<TString>) - Method in class org.tensorflow.op.TpuOps
An op that configures the TPUEmbedding software on a host.
ConfigureTPUEmbeddingMemory - Class in org.tensorflow.op.tpu
An op that configures the TPUEmbedding software on a host.
ConfigureTPUEmbeddingMemory(Operation) - Constructor for class org.tensorflow.op.tpu.ConfigureTPUEmbeddingMemory
 
ConfigureTPUEmbeddingMemory.Inputs - Class in org.tensorflow.op.tpu
 
conj(Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the complex conjugate of a complex number.
Conj<T extends TType> - Class in org.tensorflow.op.math
Returns the complex conjugate of a complex number.
Conj(Operation) - Constructor for class org.tensorflow.op.math.Conj
 
Conj.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
conjugate - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose.Inputs
Indicates whether input should be conjugated.
conjugate(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose
Sets the conjugate option.
conjugate(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose.Options
Sets the conjugate option.
conjugateOutput - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
Conjugates the product of a and b.
conjugateOutput(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Sets the conjugateOutput option.
conjugateOutput(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Options
Sets the conjugateOutput option.
conjugateTranspose(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.LinalgOps
Shuffle dimensions of x according to a permutation and conjugate the result.
ConjugateTranspose<T extends TType> - Class in org.tensorflow.op.linalg
Shuffle dimensions of x according to a permutation and conjugate the result.
ConjugateTranspose(Operation) - Constructor for class org.tensorflow.op.linalg.ConjugateTranspose
 
ConjugateTranspose.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
connectTPUEmbeddingHosts(Iterable<Operand<TString>>) - Method in class org.tensorflow.op.TpuOps
An op that sets up communication between TPUEmbedding host software instances after ConfigureTPUEmbeddingHost has been called on each host.
ConnectTPUEmbeddingHosts - Class in org.tensorflow.op.tpu
An op that sets up communication between TPUEmbedding host software instances after ConfigureTPUEmbeddingHost has been called on each host.
ConnectTPUEmbeddingHosts(Operation) - Constructor for class org.tensorflow.op.tpu.ConnectTPUEmbeddingHosts
 
ConnectTPUEmbeddingHosts.Inputs - Class in org.tensorflow.op.tpu
 
constant(boolean) - Method in class org.tensorflow.op.Ops
Creates a constant containing a single boolean element.
constant(boolean[]) - Method in class org.tensorflow.op.Ops
Creates a rank-1 constant of boolean elements.
constant(boolean[][]) - Method in class org.tensorflow.op.Ops
Creates a rank-2 constant of boolean elements.
constant(boolean[][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-3 constant of boolean elements.
constant(boolean[][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-4 constant of boolean elements.
constant(boolean[][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-5 constant of boolean elements.
constant(boolean[][][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-6 constant of boolean elements.
constant(byte) - Method in class org.tensorflow.op.Ops
Creates a constant containing a single byte element.
constant(byte[]) - Method in class org.tensorflow.op.Ops
Creates a rank-1 constant of byte elements.
constant(byte[][]) - Method in class org.tensorflow.op.Ops
Creates a rank-2 constant of byte elements.
constant(byte[][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-3 constant of byte elements.
constant(byte[][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-4 constant of byte elements.
constant(byte[][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-5 constant of byte elements.
constant(byte[][][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-6 constant of byte elements.
constant(double) - Method in class org.tensorflow.op.Ops
Creates a constant containing a single double element.
constant(double[]) - Method in class org.tensorflow.op.Ops
Creates a rank-1 constant of double elements.
constant(double[][]) - Method in class org.tensorflow.op.Ops
Creates a rank-2 constant of double elements.
constant(double[][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-3 constant of double elements.
constant(double[][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-4 constant of double elements.
constant(double[][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-5 constant of double elements.
constant(double[][][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-6 constant of double elements.
constant(float) - Method in class org.tensorflow.op.Ops
Creates a constant containing a single float element.
constant(float[]) - Method in class org.tensorflow.op.Ops
Creates a rank-1 constant of float elements.
constant(float[][]) - Method in class org.tensorflow.op.Ops
Creates a rank-2 constant of float elements.
constant(float[][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-3 constant of float elements.
constant(float[][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-4 constant of float elements.
constant(float[][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-5 constant of float elements.
constant(float[][][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-6 constant of float elements.
constant(int) - Method in class org.tensorflow.op.Ops
Creates a constant containing a single int element.
constant(int[]) - Method in class org.tensorflow.op.Ops
Creates a rank-1 constant of int elements.
constant(int[][]) - Method in class org.tensorflow.op.Ops
Creates a rank-2 constant of int elements.
constant(int[][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-3 constant of int elements.
constant(int[][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-4 constant of int elements.
constant(int[][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-5 constant of int elements.
constant(int[][][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-6 constant of int elements.
constant(long) - Method in class org.tensorflow.op.Ops
Creates a constant containing a single long element.
constant(long[]) - Method in class org.tensorflow.op.Ops
Creates a rank-1 constant of long elements.
constant(long[][]) - Method in class org.tensorflow.op.Ops
Creates a rank-2 constant of long elements.
constant(long[][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-3 constant of long elements.
constant(long[][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-4 constant of long elements.
constant(long[][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-5 constant of long elements.
constant(long[][][][][][]) - Method in class org.tensorflow.op.Ops
Creates a rank-6 constant of long elements.
constant(Class<T>, Number) - Method in class org.tensorflow.op.Ops
Creates a scalar of type, with the value of number.
constant(Class<T>, Shape, ByteDataBuffer) - Method in class org.tensorflow.op.Ops
Create a constant with data from the given buffer.
constant(String) - Method in class org.tensorflow.op.Ops
Creates a String constant using the default, UTF-8 encoding.
constant(Charset, String) - Method in class org.tensorflow.op.Ops
Creates a String constant using a specified encoding.
constant(Charset, String[]) - Method in class org.tensorflow.op.Ops
Creates a constant of String elements, using the given charset.
constant(Charset, NdArray<String>) - Method in class org.tensorflow.op.Ops
Creates a constant of String elements that is a copy of a given n-dimensional array, using the given encoding.
constant(Charset, Shape, DataBuffer<String>) - Method in class org.tensorflow.op.Ops
Create a TString constant with data from the given buffer, using the given encoding.
constant(BooleanNdArray) - Method in class org.tensorflow.op.Ops
Creates a constant of boolean elements that is a copy of a given n-dimensional array.
constant(ByteNdArray) - Method in class org.tensorflow.op.Ops
Creates a constant of byte elements that is a copy of a given n-dimensional array.
constant(DoubleNdArray) - Method in class org.tensorflow.op.Ops
Creates a constant of double elements that is a copy of a given n-dimensional array.
constant(FloatNdArray) - Method in class org.tensorflow.op.Ops
Creates a constant of float elements that is a copy of a given n-dimensional array.
constant(IntNdArray) - Method in class org.tensorflow.op.Ops
Creates a constant of int elements that is a copy of a given n-dimensional array.
constant(LongNdArray) - Method in class org.tensorflow.op.Ops
Creates a constant of long elements that is a copy of a given n-dimensional array.
constant(NdArray<String>) - Method in class org.tensorflow.op.Ops
Creates a constant of String elements that is a copy of a given n-dimensional array, using the default UTF-8 encoding.
constant(Shape) - Method in class org.tensorflow.op.Ops
Creates a rank-1 constant of long elements representing the size of each dimensions of the given shape.
constant(Shape, BooleanDataBuffer) - Method in class org.tensorflow.op.Ops
Create a TBool constant with data from the given buffer.
constant(Shape, ByteDataBuffer) - Method in class org.tensorflow.op.Ops
Create a TUint8 constant with data from the given buffer.
constant(Shape, DataBuffer<String>) - Method in class org.tensorflow.op.Ops
Create a TString constant with data from the given buffer, using the default UTF-8 encoding.
constant(Shape, DoubleDataBuffer) - Method in class org.tensorflow.op.Ops
Create a TFloat64 constant with data from the given buffer.
constant(Shape, FloatDataBuffer) - Method in class org.tensorflow.op.Ops
Create a TFloat32 constant with data from the given buffer.
constant(Shape, IntDataBuffer) - Method in class org.tensorflow.op.Ops
Create a TInt32 constant with data from the given buffer.
constant(Shape, LongDataBuffer) - Method in class org.tensorflow.op.Ops
Create a TInt64 constant with data from the given buffer.
Constant<T extends TType> - Class in org.tensorflow.op.core
An operator producing a constant value.
constantOf(T) - Method in class org.tensorflow.op.Ops
Create a constant by making an immutable copy of tensor.
constantOfSameType(Operand<T>, Number) - Method in class org.tensorflow.op.Ops
Creates a scalar of the same type as toMatch, with the value of number.
constantValues - Variable in class org.tensorflow.op.core.Pad.Inputs
The constantValues input
consumeMutexLock(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
This op consumes a lock created by MutexLock.
ConsumeMutexLock - Class in org.tensorflow.op.core
This op consumes a lock created by MutexLock.
ConsumeMutexLock(Operation) - Constructor for class org.tensorflow.op.core.ConsumeMutexLock
 
ConsumeMutexLock.Inputs - Class in org.tensorflow.op.core
 
consumerIndex - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The consumerIndex input
consumers() - Method in class org.tensorflow.GraphOperation
Get the ops that use any of this op's outputs as an input, not including control dependencies.
consumers(int) - Method in class org.tensorflow.GraphOperation
Get the ops that use this op's designated output as an input, not including control dependencies.
container - Variable in class org.tensorflow.op.core.Barrier.Inputs
If non-empty, this barrier is placed in the given container.
container - Variable in class org.tensorflow.op.core.Batch.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
Controls the scope of sharing of this batch.
container - Variable in class org.tensorflow.op.core.HashTable.Inputs
If non-empty, this table is placed in the given container.
container - Variable in class org.tensorflow.op.core.MapClear.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.MapIncompleteSize.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.MapPeek.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.MapSize.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.MapStage.Inputs
If non-empty, this queue is placed in the given container.
container - Variable in class org.tensorflow.op.core.MapUnstage.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.MapUnstageNoKey.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
If non-empty, this table is placed in the given container.
container - Variable in class org.tensorflow.op.core.MutableHashTable.Inputs
If non-empty, this table is placed in the given container.
container - Variable in class org.tensorflow.op.core.MutableHashTableOfTensors.Inputs
If non-empty, this table is placed in the given container.
container - Variable in class org.tensorflow.op.core.Mutex.Inputs
If non-empty, this variable is placed in the given container.
container - Variable in class org.tensorflow.op.core.OrderedMapClear.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.OrderedMapIncompleteSize.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.OrderedMapPeek.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.OrderedMapSize.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
If non-empty, this queue is placed in the given container.
container - Variable in class org.tensorflow.op.core.OrderedMapUnstage.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.Stage.Inputs
If non-empty, this queue is placed in the given container.
container - Variable in class org.tensorflow.op.core.StageClear.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.StagePeek.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.StageSize.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.Unbatch.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.UnbatchGrad.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.Unstage.Inputs
The container attribute
container - Variable in class org.tensorflow.op.core.VarHandleOp.Inputs
the container this variable is placed in.
container - Variable in class org.tensorflow.op.core.Variable.Inputs
If non-empty, this variable is placed in the given container.
container - Variable in class org.tensorflow.op.data.experimental.StatsAggregatorHandle.Inputs
The container attribute
container - Variable in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Inputs
The container attribute
container - Variable in class org.tensorflow.op.data.Iterator.Inputs
The container attribute
container - Variable in class org.tensorflow.op.data.MultiDeviceIterator.Inputs
If non-empty, this resource is placed in the given container.
container - Variable in class org.tensorflow.op.data.OneShotIterator.Inputs
The container attribute
container - Variable in class org.tensorflow.op.data.StatsAggregatorHandle.Inputs
The container attribute
container - Variable in class org.tensorflow.op.data.ThreadPoolHandle.Inputs
The container attribute
container - Variable in class org.tensorflow.op.io.FifoQueue.Inputs
If non-empty, this queue is placed in the given container.
container - Variable in class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
If non-empty, this reader is placed in the given container.
container - Variable in class org.tensorflow.op.io.IdentityReader.Inputs
If non-empty, this reader is placed in the given container.
container - Variable in class org.tensorflow.op.io.LmdbReader.Inputs
If non-empty, this reader is placed in the given container.
container - Variable in class org.tensorflow.op.io.PaddingFifoQueue.Inputs
If non-empty, this queue is placed in the given container.
container - Variable in class org.tensorflow.op.io.PriorityQueue.Inputs
If non-empty, this queue is placed in the given container.
container - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
If non-empty, this queue is placed in the given container.
container - Variable in class org.tensorflow.op.io.TextLineReader.Inputs
If non-empty, this reader is placed in the given container.
container - Variable in class org.tensorflow.op.io.TfRecordReader.Inputs
If non-empty, this reader is placed in the given container.
container - Variable in class org.tensorflow.op.io.WholeFileReader.Inputs
If non-empty, this reader is placed in the given container.
container - Variable in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Inputs
The container name for the SparseTensorsMap created by this op.
container - Variable in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Inputs
The container name for the SparseTensorsMap created by this op.
container - Variable in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Inputs
If non-empty, this accumulator is placed in the given container.
container - Variable in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap.Inputs
The container name for the SparseTensorsMap read by this op.
container - Variable in class org.tensorflow.op.summary.SummaryWriter.Inputs
The container attribute
container - Variable in class org.tensorflow.op.train.ConditionalAccumulator.Inputs
If non-empty, this accumulator is placed in the given container.
container - Variable in class org.tensorflow.op.train.ResourceConditionalAccumulator.Inputs
If non-empty, this accumulator is placed in the given container.
container(String) - Static method in class org.tensorflow.op.core.Barrier
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.Barrier.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.Batch
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.Batch.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.HashTable
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.HashTable.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MapClear
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MapClear.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MapIncompleteSize
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MapIncompleteSize.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MapPeek
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MapPeek.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MapSize
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MapSize.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MapStage
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MapStage.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MapUnstage
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MapUnstage.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MapUnstageNoKey
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MapUnstageNoKey.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MutableDenseHashTable
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MutableDenseHashTable.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MutableHashTable
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MutableHashTable.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.MutableHashTableOfTensors
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.MutableHashTableOfTensors.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.Mutex
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.Mutex.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.OrderedMapClear
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.OrderedMapClear.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.OrderedMapIncompleteSize
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.OrderedMapIncompleteSize.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.OrderedMapPeek
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.OrderedMapPeek.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.OrderedMapSize
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.OrderedMapSize.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.OrderedMapStage
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.OrderedMapStage.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.OrderedMapUnstage
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.OrderedMapUnstage.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.OrderedMapUnstageNoKey
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.Stage
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.Stage.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.StageClear
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.StageClear.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.StagePeek
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.StagePeek.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.StageSize
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.StageSize.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.Unbatch
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.Unbatch.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.UnbatchGrad
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.UnbatchGrad.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.Unstage
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.Unstage.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.VarHandleOp
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.VarHandleOp.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.core.Variable
Sets the container option.
container(String) - Method in class org.tensorflow.op.core.Variable.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.data.experimental.StatsAggregatorHandle
Sets the container option.
container(String) - Method in class org.tensorflow.op.data.experimental.StatsAggregatorHandle.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.data.experimental.ThreadPoolHandle
Sets the container option.
container(String) - Method in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.data.OneShotIterator
Sets the container option.
container(String) - Method in class org.tensorflow.op.data.OneShotIterator.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.data.StatsAggregatorHandle
Sets the container option.
container(String) - Method in class org.tensorflow.op.data.StatsAggregatorHandle.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.data.ThreadPoolHandle
Sets the container option.
container(String) - Method in class org.tensorflow.op.data.ThreadPoolHandle.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.FifoQueue
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.FifoQueue.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.FixedLengthRecordReader
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.FixedLengthRecordReader.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.IdentityReader
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.IdentityReader.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.LmdbReader
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.LmdbReader.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.PaddingFifoQueue
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.PaddingFifoQueue.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.PriorityQueue
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.PriorityQueue.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.TextLineReader
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.TextLineReader.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.TfRecordReader
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.TfRecordReader.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.io.WholeFileReader
Sets the container option.
container(String) - Method in class org.tensorflow.op.io.WholeFileReader.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.sparse.AddManySparseToTensorsMap
Sets the container option.
container(String) - Method in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.sparse.AddSparseToTensorsMap
Sets the container option.
container(String) - Method in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.sparse.SparseConditionalAccumulator
Sets the container option.
container(String) - Method in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
Sets the container option.
container(String) - Method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.summary.SummaryWriter
Sets the container option.
container(String) - Method in class org.tensorflow.op.summary.SummaryWriter.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.train.ConditionalAccumulator
Sets the container option.
container(String) - Method in class org.tensorflow.op.train.ConditionalAccumulator.Options
Sets the container option.
container(String) - Static method in class org.tensorflow.op.train.ResourceConditionalAccumulator
Sets the container option.
container(String) - Method in class org.tensorflow.op.train.ResourceConditionalAccumulator.Options
Sets the container option.
containsKey(String) - Method in class org.tensorflow.Result
Does this result object have a tensor for the supplied key?
contents - Variable in class org.tensorflow.op.audio.DecodeWav.Inputs
The WAV-encoded audio, usually from a file.
contents - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
0-D.
contents - Variable in class org.tensorflow.op.image.DecodeBmp.Inputs
0-D.
contents - Variable in class org.tensorflow.op.image.DecodeGif.Inputs
0-D.
contents - Variable in class org.tensorflow.op.image.DecodeImage.Inputs
0-D.
contents - Variable in class org.tensorflow.op.image.DecodeJpeg.Inputs
0-D.
contents - Variable in class org.tensorflow.op.image.DecodePng.Inputs
0-D.
contents - Variable in class org.tensorflow.op.image.ExtractJpegShape.Inputs
0-D.
contents - Variable in class org.tensorflow.op.io.WriteFile.Inputs
scalar.
contents() - Method in class org.tensorflow.op.audio.EncodeWav
Gets contents.
contents() - Method in class org.tensorflow.op.image.EncodeJpeg
Gets contents.
contents() - Method in class org.tensorflow.op.image.EncodeJpegVariableQuality
Gets contents.
contents() - Method in class org.tensorflow.op.image.EncodePng
Gets contents.
contents() - Method in class org.tensorflow.op.io.ReadFile
Gets contents.
contextDenseDefaults - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A list of Ncontext_dense Tensors (some may be empty).
contextDenseDefaults - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Ncontext_dense Tensors (some may be empty).
contextDenseKeys - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The keys expected in the SequenceExamples' context features associated with dense values.
contextDenseKeys - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Ncontext_dense string Tensors (scalars).
contextDenseShapes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A list of Ncontext_dense shapes; the shapes of data in each context Feature given in context_dense_keys.
contextDenseShapes - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Ncontext_dense shapes; the shapes of data in each context Feature given in context_dense_keys.
contextDenseShapes(List<Shape>) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Sets the contextDenseShapes option.
contextDenseShapes(List<Shape>) - Method in class org.tensorflow.op.io.ParseSequenceExample.Options
Sets the contextDenseShapes option.
contextDenseShapes(List<Shape>) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the contextDenseShapes option.
contextDenseShapes(List<Shape>) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the contextDenseShapes option.
contextDenseShapes(Shape...) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Sets the contextDenseShapes option.
contextDenseShapes(Shape...) - Method in class org.tensorflow.op.io.ParseSequenceExample.Options
Sets the contextDenseShapes option.
contextDenseShapes(Shape...) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the contextDenseShapes option.
contextDenseShapes(Shape...) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the contextDenseShapes option.
contextDenseValues() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets contextDenseValues.
contextDenseValues() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets contextDenseValues.
contextRaggedKeys - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The keys expected in the Examples' features associated with context_ragged values.
contextRaggedRowSplits() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets contextRaggedRowSplits.
contextRaggedSplitTypes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
RaggedTensor.row_split dtypes for the ragged context features.
contextRaggedValues() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets contextRaggedValues.
contextRaggedValueTypes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
RaggedTensor.value dtypes for the ragged context features.
contextSparseIndices() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets contextSparseIndices.
contextSparseIndices() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets contextSparseIndices.
contextSparseKeys - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The keys expected in the Examples' features associated with context_sparse values.
contextSparseKeys - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Ncontext_sparse string Tensors (scalars).
contextSparseShapes() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets contextSparseShapes.
contextSparseShapes() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets contextSparseShapes.
contextSparseTypes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A list of Ncontext_sparse types; the data types of data in each context Feature given in context_sparse_keys.
contextSparseTypes - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Ncontext_sparse types; the data types of data in each context Feature given in context_sparse_keys.
contextSparseValues() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets contextSparseValues.
contextSparseValues() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets contextSparseValues.
contrastFactor - Variable in class org.tensorflow.op.image.AdjustContrast.Inputs
A float multiplier for adjusting contrast.
controlConsumers() - Method in class org.tensorflow.GraphOperation
Get the ops with this op as a control dependency.
controlInputs() - Method in class org.tensorflow.GraphOperation
Get the control inputs of this op.
controlTrigger() - Method in class org.tensorflow.op.Ops
Does nothing.
ControlTrigger - Class in org.tensorflow.op.core
Does nothing.
ControlTrigger(Operation) - Constructor for class org.tensorflow.op.core.ControlTrigger
 
ControlTrigger.Inputs - Class in org.tensorflow.op.core
 
conv(Operand<T>, Operand<T>, List<Long>, String, Conv.Options...) - Method in class org.tensorflow.op.NnOps
Computes a N-D convolution given (N+1+batch_dims)-D input and (N+2)-D filter tensors.
Conv<T extends TNumber> - Class in org.tensorflow.op.nn
Computes a N-D convolution given (N+1+batch_dims)-D input and (N+2)-D filter tensors.
Conv(Operation) - Constructor for class org.tensorflow.op.nn.Conv
 
Conv.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv
conv2d(Operand<T>, Operand<T>, List<Long>, String, Conv2d.Options...) - Method in class org.tensorflow.op.NnOps
Computes a 2-D convolution given 4-D input and filter tensors.
Conv2d<T extends TNumber> - Class in org.tensorflow.op.nn
Computes a 2-D convolution given 4-D input and filter tensors.
Conv2d(Operation) - Constructor for class org.tensorflow.op.nn.Conv2d
 
Conv2d.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv2d.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv2d
conv2dBackpropFilter(Operand<T>, Operand<TInt32>, Operand<T>, List<Long>, String, Conv2dBackpropFilter.Options...) - Method in class org.tensorflow.op.NnOps
Computes the gradients of convolution with respect to the filter.
Conv2dBackpropFilter<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of convolution with respect to the filter.
Conv2dBackpropFilter(Operation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropFilter
 
Conv2dBackpropFilter.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv2dBackpropFilter.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv2dBackpropFilter
Conv2dBackpropFilterV2<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of convolution with respect to the filter.
Conv2dBackpropFilterV2(Operation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropFilterV2
 
Conv2dBackpropFilterV2.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv2dBackpropFilterV2.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv2dBackpropFilterV2
conv2dBackpropInput(Operand<TInt32>, Operand<T>, Operand<T>, List<Long>, String, Conv2dBackpropInput.Options...) - Method in class org.tensorflow.op.NnOps
Computes the gradients of convolution with respect to the input.
Conv2dBackpropInput<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of convolution with respect to the input.
Conv2dBackpropInput(Operation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropInput
 
Conv2dBackpropInput.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv2dBackpropInput.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv2dBackpropInput
Conv2dBackpropInputV2<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of convolution with respect to the input.
Conv2dBackpropInputV2(Operation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropInputV2
 
Conv2dBackpropInputV2.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv2dBackpropInputV2.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv2dBackpropInputV2
conv3d(Operand<T>, Operand<T>, List<Long>, String, Conv3d.Options...) - Method in class org.tensorflow.op.NnOps
Computes a 3-D convolution given 5-D input and filter tensors.
Conv3d<T extends TNumber> - Class in org.tensorflow.op.nn
Computes a 3-D convolution given 5-D input and filter tensors.
Conv3d(Operation) - Constructor for class org.tensorflow.op.nn.Conv3d
 
Conv3d.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv3d.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv3d
conv3dBackpropFilter(Operand<T>, Operand<TInt32>, Operand<T>, List<Long>, String, Conv3dBackpropFilter.Options...) - Method in class org.tensorflow.op.NnOps
Computes the gradients of 3-D convolution with respect to the filter.
Conv3dBackpropFilter<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of 3-D convolution with respect to the filter.
Conv3dBackpropFilter(Operation) - Constructor for class org.tensorflow.op.nn.Conv3dBackpropFilter
 
Conv3dBackpropFilter.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
Conv3dBackpropFilter.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv3dBackpropFilter
conv3dBackpropInput(Operand<? extends TNumber>, Operand<U>, Operand<U>, List<Long>, String, Conv3dBackpropInput.Options...) - Method in class org.tensorflow.op.NnOps
Computes the gradients of 3-D convolution with respect to the input.
Conv3dBackpropInput<U extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of 3-D convolution with respect to the input.
Conv3dBackpropInput(Operation) - Constructor for class org.tensorflow.op.nn.Conv3dBackpropInput
 
Conv3dBackpropInput.Inputs<U extends TNumber> - Class in org.tensorflow.op.nn
 
Conv3dBackpropInput.Options - Class in org.tensorflow.op.nn
Optional attributes for Conv3dBackpropInput
convertToCooTensor(Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Long, String) - Method in class org.tensorflow.op.TpuOps
The ConvertToCooTensor operation
ConvertToCooTensor - Class in org.tensorflow.op.tpu
The ConvertToCooTensor operation
ConvertToCooTensor(Operation) - Constructor for class org.tensorflow.op.tpu.ConvertToCooTensor
 
ConvertToCooTensor.Inputs - Class in org.tensorflow.op.tpu
 
Copy<T extends TType> - Class in org.tensorflow.op.core
Copy a tensor from CPU-to-CPU or GPU-to-GPU.
Copy(Operation) - Constructor for class org.tensorflow.op.core.Copy
 
Copy.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Copy.Options - Class in org.tensorflow.op.core
Optional attributes for Copy
CopyHost<T extends TType> - Class in org.tensorflow.op.core
Copy a tensor to host.
CopyHost(Operation) - Constructor for class org.tensorflow.op.core.CopyHost
 
CopyHost.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
CopyHost.Options - Class in org.tensorflow.op.core
Optional attributes for CopyHost
copyToMesh(Operand<T>, String) - Method in class org.tensorflow.op.Ops
The CopyToMesh operation
CopyToMesh<T extends TType> - Class in org.tensorflow.op.core
The CopyToMesh operation
CopyToMesh(Operation) - Constructor for class org.tensorflow.op.core.CopyToMesh
 
CopyToMesh.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
copyToMeshGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
The CopyToMeshGrad operation
CopyToMeshGrad<T extends TType> - Class in org.tensorflow.op.core
The CopyToMeshGrad operation
CopyToMeshGrad(Operation) - Constructor for class org.tensorflow.op.core.CopyToMeshGrad
 
CopyToMeshGrad.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
cos(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes cos of x element-wise.
Cos<T extends TType> - Class in org.tensorflow.op.math
Computes cos of x element-wise.
Cos(Operation) - Constructor for class org.tensorflow.op.math.Cos
 
Cos.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
cosh(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes hyperbolic cosine of x element-wise.
Cosh<T extends TType> - Class in org.tensorflow.op.math
Computes hyperbolic cosine of x element-wise.
Cosh(Operation) - Constructor for class org.tensorflow.op.math.Cosh
 
Cosh.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
costEstimateNs - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
Estimated duration of the host computation in nanoseconds.
costEstimateNs(Long) - Static method in class org.tensorflow.op.xla.XlaHostCompute
Sets the costEstimateNs option.
costEstimateNs(Long) - Method in class org.tensorflow.op.xla.XlaHostCompute.Options
Sets the costEstimateNs option.
count - Variable in class org.tensorflow.op.data.RepeatDataset.Inputs
A scalar representing the number of times that input_dataset should be repeated.
count - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The count input
count - Variable in class org.tensorflow.op.data.SkipDataset.Inputs
A scalar representing the number of elements from the input_dataset that should be skipped.
count - Variable in class org.tensorflow.op.data.TakeDataset.Inputs
A scalar representing the number of elements from the input_dataset that should be taken.
count() - Method in class org.tensorflow.op.core.UniqueWithCounts
Gets count.
counter - Variable in class org.tensorflow.op.core.StochasticCastToInt.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter - Variable in class org.tensorflow.op.random.experimental.StatelessShuffle.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter - Variable in class org.tensorflow.op.random.StatelessRandomGamma.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter - Variable in class org.tensorflow.op.random.StatelessRandomNormalV2.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter - Variable in class org.tensorflow.op.random.StatelessRandomUniformV2.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter - Variable in class org.tensorflow.op.random.StatelessTruncatedNormalV2.Inputs
Initial counter for the counter-based RNG algorithm (shape uint64[2] or uint64[1] depending on the algorithm).
counter() - Method in class org.tensorflow.op.random.StatelessRandomGetKeyCounter
Gets counter.
counter() - Method in class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg
Gets counter.
counterPrefix - Variable in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset.Inputs
The counterPrefix input
counterPrefix - Variable in class org.tensorflow.op.data.SetStatsAggregatorDataset.Inputs
The counterPrefix input
counts - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The counts input
counts - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
The counts of the binomial distribution.
countUpTo(Operand<T>, Long) - Method in class org.tensorflow.op.Ops
Increments 'ref' until it reaches 'limit'.
CountUpTo<T extends TNumber> - Class in org.tensorflow.op.core
Increments 'ref' until it reaches 'limit'.
CountUpTo(Operation) - Constructor for class org.tensorflow.op.core.CountUpTo
 
CountUpTo.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
CPU - Enum constant in enum org.tensorflow.DeviceSpec.DeviceType
 
cpuBudget - Variable in class org.tensorflow.op.data.ModelDataset.Inputs
The cpuBudget attribute
cpuBudget(Long) - Static method in class org.tensorflow.op.data.ModelDataset
Sets the cpuBudget option.
cpuBudget(Long) - Method in class org.tensorflow.op.data.ModelDataset.Options
Sets the cpuBudget option.
create() - Static method in class org.tensorflow.EagerSession
Returns an EagerSession configured with default options.
create() - Static method in class org.tensorflow.op.Ops
Creates an API for building operations in the default eager execution environment
create(Function<Ops, Signature>) - Static method in class org.tensorflow.ConcreteFunction
Creates a function by building a new graph.
create(ExecutionEnvironment) - Static method in class org.tensorflow.op.Ops
Creates an API for building operations in the provided execution environment
create(Scope) - Static method in class org.tensorflow.op.core.ControlTrigger
Factory method to create a class wrapping a new ControlTrigger operation.
create(Scope) - Static method in class org.tensorflow.op.core.DummyMemoryCache
Factory method to create a class wrapping a new DummyMemoryCache operation.
create(Scope) - Static method in class org.tensorflow.op.core.EmptyTensorMap
Factory method to create a class wrapping a new EmptyTensorMap operation.
create(Scope) - Static method in class org.tensorflow.op.core.NoOp
Factory method to create a class wrapping a new NoOp operation.
create(Scope) - Static method in class org.tensorflow.op.core.SyncDevice
Factory method to create a class wrapping a new SyncDevice operation.
create(Scope) - Static method in class org.tensorflow.op.core.Timestamp
Factory method to create a class wrapping a new Timestamp operation.
create(Scope) - Static method in class org.tensorflow.op.data.AnonymousMemoryCache
Factory method to create a class wrapping a new AnonymousMemoryCache operation.
create(Scope) - Static method in class org.tensorflow.op.data.DummyIterationCounter
Factory method to create a class wrapping a new DummyIterationCounter operation.
create(Scope) - Static method in class org.tensorflow.op.data.OptionalNone
Factory method to create a class wrapping a new OptionalNone operation.
create(Scope) - Static method in class org.tensorflow.op.math.Fact
Factory method to create a class wrapping a new Fact operation.
create(Scope) - Static method in class org.tensorflow.op.random.DummySeedGenerator
Factory method to create a class wrapping a new DummySeedGenerator operation.
create(Scope) - Static method in class org.tensorflow.op.random.StatelessRandomGetAlg
Factory method to create a class wrapping a new StatelessRandomGetAlg operation.
create(Scope) - Static method in class org.tensorflow.op.tpu.CompilationResult
Factory method to create a class wrapping a new TPUCompilationResult operation.
create(Scope) - Static method in class org.tensorflow.op.tpu.GlobalIterId
Factory method to create a class wrapping a new GlobalIterId operation.
create(Scope) - Static method in class org.tensorflow.op.tpu.OrdinalSelector
Factory method to create a class wrapping a new TPUOrdinalSelector operation.
create(Scope) - Static method in class org.tensorflow.op.tpu.ShutdownDistributedTPU
Factory method to create a class wrapping a new ShutdownDistributedTPU operation.
create(Scope) - Static method in class org.tensorflow.op.tpu.ShutdownTPUSystem
Factory method to create a class wrapping a new ShutdownTPUSystem operation.
create(Scope) - Static method in class org.tensorflow.op.tpu.TPUCompilationResult
Deprecated.
Factory method to create a class wrapping a new TPUCompilationResult operation.
create(Scope) - Static method in class org.tensorflow.op.tpu.TPURoundRobin
Factory method to create a class wrapping a new TPURoundRobin operation.
create(Scope, Class<T>, Class<U>) - Static method in class org.tensorflow.op.core.AnonymousHashTable
Factory method to create a class wrapping a new AnonymousHashTable operation.
create(Scope, Class<T>, Class<U>) - Static method in class org.tensorflow.op.core.AnonymousMutableHashTable
Factory method to create a class wrapping a new AnonymousMutableHashTable operation.
create(Scope, Class<T>, Class<U>, AnonymousMutableHashTableOfTensors.Options...) - Static method in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors
Factory method to create a class wrapping a new AnonymousMutableHashTableOfTensors operation.
create(Scope, Class<T>, Class<U>, HashTable.Options...) - Static method in class org.tensorflow.op.core.HashTable
Factory method to create a class wrapping a new HashTableV2 operation.
create(Scope, Class<T>, Class<U>, MutableHashTable.Options...) - Static method in class org.tensorflow.op.core.MutableHashTable
Factory method to create a class wrapping a new MutableHashTableV2 operation.
create(Scope, Class<T>, Class<U>, MutableHashTableOfTensors.Options...) - Static method in class org.tensorflow.op.core.MutableHashTableOfTensors
Factory method to create a class wrapping a new MutableHashTableOfTensorsV2 operation.
create(Scope, Class<T>, String, String, Long, String, Recv.Options...) - Static method in class org.tensorflow.op.core.Recv
Factory method to create a class wrapping a new Recv operation.
create(Scope, Class<T>, Shape) - Static method in class org.tensorflow.op.core.FakeParam
Factory method to create a class wrapping a new FakeParam operation.
create(Scope, Class<T>, Shape) - Static method in class org.tensorflow.op.tpu.InfeedDequeue
Factory method to create a class wrapping a new InfeedDequeue operation.
create(Scope, Class<T>, Shape, String) - Static method in class org.tensorflow.op.core.ImmutableConst
Factory method to create a class wrapping a new ImmutableConst operation.
create(Scope, Class<T>, Shape, String) - Static method in class org.tensorflow.op.xla.XlaRecvFromHost
Factory method to create a class wrapping a new XlaRecvFromHost operation.
create(Scope, Class<T>, Shape, VarHandleOp.Options...) - Static method in class org.tensorflow.op.core.VarHandleOp
Factory method to create a class wrapping a new VarHandleOp operation.
create(Scope, Class<T>, Shape, SparseConditionalAccumulator.Options...) - Static method in class org.tensorflow.op.sparse.SparseConditionalAccumulator
Factory method to create a class wrapping a new SparseConditionalAccumulator operation.
create(Scope, Class<T>, Shape, OutfeedDequeue.Options...) - Static method in class org.tensorflow.op.tpu.OutfeedDequeue
Factory method to create a class wrapping a new OutfeedDequeue operation.
create(Scope, Class<T>, Shape, ConditionalAccumulator.Options...) - Static method in class org.tensorflow.op.train.ConditionalAccumulator
Factory method to create a class wrapping a new ConditionalAccumulator operation.
create(Scope, Class<T>, Shape, ResourceConditionalAccumulator.Options...) - Static method in class org.tensorflow.op.train.ResourceConditionalAccumulator
Factory method to create a class wrapping a new ResourceConditionalAccumulator operation.
create(Scope, Class<T>, Placeholder.Options...) - Static method in class org.tensorflow.op.core.Placeholder
Factory method to create a class wrapping a new Placeholder operation.
create(Scope, Iterable<? extends Operand<?>>, Iterable<? extends Operand<?>>, Gradients.Options...) - Static method in class org.tensorflow.op.core.Gradients
Adds gradients computation ops to the graph according to scope.
create(Scope, Iterable<Operand<?>>) - Static method in class org.tensorflow.op.core.IdentityN
Factory method to create a class wrapping a new IdentityN operation.
create(Scope, Iterable<Operand<?>>) - Static method in class org.tensorflow.op.data.CompressElement
Factory method to create a class wrapping a new CompressElement operation.
create(Scope, Iterable<Operand<?>>) - Static method in class org.tensorflow.op.data.OptionalFromValue
Factory method to create a class wrapping a new OptionalFromValue operation.
create(Scope, Iterable<Operand<?>>) - Static method in class org.tensorflow.op.tpu.OutfeedEnqueueTuple
Factory method to create a class wrapping a new OutfeedEnqueueTuple operation.
create(Scope, Iterable<Operand<?>>) - Static method in class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape
Factory method to create a class wrapping a new TPUAnnotateTensorsWithDynamicShape operation.
create(Scope, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, GeneratorDataset.Options...) - Static method in class org.tensorflow.op.data.GeneratorDataset
Factory method to create a class wrapping a new GeneratorDataset operation.
create(Scope, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, String, Boolean, Long, Long, Class<T>, Class<U>) - Static method in class org.tensorflow.op.ragged.RaggedCross
Factory method to create a class wrapping a new RaggedCross operation.
create(Scope, Iterable<Operand<?>>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, MapDefun.Options...) - Static method in class org.tensorflow.op.core.MapDefun
Factory method to create a class wrapping a new MapDefun operation.
create(Scope, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, Long, Long, Long, List<Class<? extends TType>>, BatchFunction.Options...) - Static method in class org.tensorflow.op.core.BatchFunction
Factory method to create a class wrapping a new BatchFunction operation.
create(Scope, Iterable<Operand<?>>, Iterable<Operand<TInt32>>) - Static method in class org.tensorflow.op.tpu.TPUCopyWithDynamicShape
Factory method to create a class wrapping a new TPUCopyWithDynamicShape operation.
create(Scope, Iterable<Operand<?>>, Long, Long, Long, Long, Batch.Options...) - Static method in class org.tensorflow.op.core.Batch
Factory method to create a class wrapping a new Batch operation.
create(Scope, Iterable<Operand<?>>, String) - Static method in class org.tensorflow.op.core.CompositeTensorVariantFromComponents
Factory method to create a class wrapping a new CompositeTensorVariantFromComponents operation.
create(Scope, Iterable<Operand<?>>, String, List<Class<? extends TType>>) - Static method in class org.tensorflow.op.core.MlirPassthroughOp
Factory method to create a class wrapping a new MlirPassthroughOp operation.
create(Scope, Iterable<Operand<?>>, List<Class<? extends TType>>, List<String>, List<Shape>, ConcreteFunction, String, XlaHostCompute.Options...) - Static method in class org.tensorflow.op.xla.XlaHostCompute
Factory method to create a class wrapping a new XlaHostCompute operation.
create(Scope, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.WindowOp
Factory method to create a class wrapping a new WindowOp operation.
create(Scope, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ListDataset.Options...) - Static method in class org.tensorflow.op.data.ListDataset
Factory method to create a class wrapping a new ListDataset operation.
create(Scope, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction) - Static method in class org.tensorflow.op.train.SymbolicGradient
Factory method to create a class wrapping a new SymbolicGradient operation.
create(Scope, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, PartitionedCall.Options...) - Static method in class org.tensorflow.op.core.PartitionedCall
Factory method to create a class wrapping a new PartitionedCall operation.
create(Scope, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, StatefulPartitionedCall.Options...) - Static method in class org.tensorflow.op.core.StatefulPartitionedCall
Factory method to create a class wrapping a new StatefulPartitionedCall operation.
create(Scope, Iterable<Operand<?>>, List<Shape>, TensorDataset.Options...) - Static method in class org.tensorflow.op.data.TensorDataset
Factory method to create a class wrapping a new TensorDataset operation.
create(Scope, Iterable<Operand<?>>, List<Shape>, TensorSliceDataset.Options...) - Static method in class org.tensorflow.op.data.TensorSliceDataset
Factory method to create a class wrapping a new TensorSliceDataset operation.
create(Scope, Iterable<Operand<?>>, List<Shape>, InfeedEnqueueTuple.Options...) - Static method in class org.tensorflow.op.tpu.InfeedEnqueueTuple
Factory method to create a class wrapping a new InfeedEnqueueTuple operation.
create(Scope, Iterable<Operand<?>>, List<Shape>, PrelinearizeTuple.Options...) - Static method in class org.tensorflow.op.tpu.PrelinearizeTuple
Factory method to create a class wrapping a new PrelinearizeTuple operation.
create(Scope, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, While.Options...) - Static method in class org.tensorflow.op.core.StatefulWhile
Factory method to create a class wrapping a new While operation.
create(Scope, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, While.Options...) - Static method in class org.tensorflow.op.core.StatelessWhile
Factory method to create a class wrapping a new StatelessWhile operation.
create(Scope, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, While.Options...) - Static method in interface org.tensorflow.op.core.While
Factory method to create a class wrapping a new While operation.
create(Scope, Iterable<Operand<?>>, Stage.Options...) - Static method in class org.tensorflow.op.core.Stage
Factory method to create a class wrapping a new Stage operation.
create(Scope, Iterable<Operand<?>>, StringFormat.Options...) - Static method in class org.tensorflow.op.strings.StringFormat
Factory method to create a class wrapping a new StringFormat operation.
create(Scope, Iterable<Operand<?>>, Operand<TInt32>, List<Class<? extends TType>>, ConcreteFunction, PartitionedCall.Options...) - Static method in class org.tensorflow.op.tpu.PartitionedCall
Factory method to create a class wrapping a new TPUPartitionedCall operation.
create(Scope, Iterable<Operand<?>>, Operand<TString>, List<Class<? extends TType>>) - Static method in class org.tensorflow.op.tpu.Execute
Factory method to create a class wrapping a new TPUExecute operation.
create(Scope, Iterable<Operand<?>>, Operand<TString>, List<Class<? extends TType>>, List<Long>, List<Long>) - Static method in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables
Factory method to create a class wrapping a new TPUExecuteAndUpdateVariables operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, List<Long>, EnqueueTPUEmbeddingRaggedTensorBatch.Options...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Factory method to create a class wrapping a new EnqueueTPUEmbeddingRaggedTensorBatch operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, List<Long>, EnqueueTPUEmbeddingSparseTensorBatch.Options...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Factory method to create a class wrapping a new EnqueueTPUEmbeddingSparseTensorBatch operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, EnqueueTPUEmbeddingArbitraryTensorBatch.Options...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch
Factory method to create a class wrapping a new EnqueueTPUEmbeddingArbitraryTensorBatch operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, EnqueueTPUEmbeddingSparseBatch.Options...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch
Factory method to create a class wrapping a new EnqueueTPUEmbeddingSparseBatch operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, Operand<TInt32>, List<Long>, DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options...) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
Factory method to create a class wrapping a new DynamicEnqueueTPUEmbeddingRaggedTensorBatch operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, Operand<TInt32>, DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Options...) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch
Factory method to create a class wrapping a new DynamicEnqueueTPUEmbeddingArbitraryTensorBatch operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Operand<? extends TType>, Boolean) - Static method in class org.tensorflow.op.ragged.RaggedTensorToVariant
Factory method to create a class wrapping a new RaggedTensorToVariant operation.
create(Scope, Iterable<Operand<? extends TNumber>>, Operand<U>) - Static method in class org.tensorflow.op.ragged.RaggedTensorToSparse
Factory method to create a class wrapping a new RaggedTensorToSparse operation.
create(Scope, Iterable<Operand<? extends TType>>) - Static method in class org.tensorflow.op.core.ShapeN
Factory method to create a class wrapping a new ShapeN operation, with the default output types.
create(Scope, Iterable<Operand<? extends TType>>, Class<U>) - Static method in class org.tensorflow.op.core.ShapeN
Factory method to create a class wrapping a new ShapeN operation.
create(Scope, Iterable<Operand<? extends TType>>, Long, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.ChooseFastestDataset
Factory method to create a class wrapping a new ChooseFastestDataset operation.
create(Scope, Iterable<Operand<? extends TType>>, Long, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.ChooseFastestDataset
Factory method to create a class wrapping a new ExperimentalChooseFastestDataset operation.
create(Scope, Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.SnapshotNestedDatasetReader
Factory method to create a class wrapping a new SnapshotNestedDatasetReader operation.
create(Scope, Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>, ZipDataset.Options...) - Static method in class org.tensorflow.op.data.ZipDataset
Factory method to create a class wrapping a new ZipDataset operation.
create(Scope, Iterable<Operand<? extends TType>>, Operand<TString>, Operand<? extends TType>) - Static method in class org.tensorflow.op.tpu.TPUReshardVariables
Factory method to create a class wrapping a new TPUReshardVariables operation.
create(Scope, Iterable<Operand<TFloat32>>, Float, Float) - Static method in class org.tensorflow.op.train.SdcaShrinkL1
Factory method to create a class wrapping a new SdcaShrinkL1 operation.
create(Scope, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, String, Long, Long) - Static method in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters
Factory method to create a class wrapping a new LoadAllTPUEmbeddingParameters operation.
create(Scope, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, String, SendTPUEmbeddingGradients.Options...) - Static method in class org.tensorflow.op.tpu.SendTPUEmbeddingGradients
Factory method to create a class wrapping a new SendTPUEmbeddingGradients operation.
create(Scope, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Operand<? extends TType>, String, XlaSendTPUEmbeddingGradients.Options...) - Static method in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients
Factory method to create a class wrapping a new XlaSendTPUEmbeddingGradients operation.
create(Scope, Iterable<Operand<TInt32>>, Iterable<Operand<T>>) - Static method in class org.tensorflow.op.core.DynamicStitch
Factory method to create a class wrapping a new DynamicStitch operation.
create(Scope, Iterable<Operand<TInt32>>, Iterable<Operand<T>>) - Static method in class org.tensorflow.op.core.ParallelDynamicStitch
Factory method to create a class wrapping a new ParallelDynamicStitch operation.
create(Scope, Iterable<Operand<TInt32>>, Operand<TString>, EnqueueTPUEmbeddingIntegerBatch.Options...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch
Factory method to create a class wrapping a new EnqueueTPUEmbeddingIntegerBatch operation.
create(Scope, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TBool>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseCrossHashed
Factory method to create a class wrapping a new SparseCrossHashed operation.
create(Scope, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Operand<TString>) - Static method in class org.tensorflow.op.sparse.SparseCross
Factory method to create a class wrapping a new SparseCrossV2 operation.
create(Scope, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Long, ConcreteFunction, String) - Static method in class org.tensorflow.op.tpu.Compile
Factory method to create a class wrapping a new TPUCompile operation.
create(Scope, Iterable<Operand<TInt64>>, Iterable<Operand<TInt64>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Operand<TFloat32>, Operand<TFloat32>, Iterable<Operand<TInt64>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Operand<TFloat32>, String, Float, Float, Long, Long, SdcaOptimizer.Options...) - Static method in class org.tensorflow.op.train.SdcaOptimizer
Factory method to create a class wrapping a new SdcaOptimizerV2 operation.
create(Scope, Iterable<Operand<TInt64>>, Iterable<Operand<T>>, Iterable<Operand<TInt64>>, Long) - Static method in class org.tensorflow.op.sparse.SparseConcat
Factory method to create a class wrapping a new SparseConcat operation.
create(Scope, Iterable<Operand<TString>>) - Static method in class org.tensorflow.op.summary.MergeSummary
Factory method to create a class wrapping a new MergeSummary operation.
create(Scope, Iterable<Operand<TString>>) - Static method in class org.tensorflow.op.tpu.CollateTPUEmbeddingMemory
Factory method to create a class wrapping a new CollateTPUEmbeddingMemory operation.
create(Scope, Iterable<Operand<TString>>) - Static method in class org.tensorflow.op.tpu.ConnectTPUEmbeddingHosts
Factory method to create a class wrapping a new ConnectTPUEmbeddingHosts operation.
create(Scope, Iterable<Operand<TString>>, Join.Options...) - Static method in class org.tensorflow.op.strings.Join
Factory method to create a class wrapping a new StringJoin operation.
create(Scope, Iterable<Operand<TString>>, Operand<TString>, EnqueueTPUEmbeddingBatch.Options...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch
Factory method to create a class wrapping a new EnqueueTPUEmbeddingBatch operation.
create(Scope, Iterable<Operand<T>>) - Static method in class org.tensorflow.op.core.Merge
Factory method to create a class wrapping a new Merge operation.
create(Scope, Iterable<Operand<T>>) - Static method in class org.tensorflow.op.core.RefMerge
Factory method to create a class wrapping a new RefMerge operation.
create(Scope, Iterable<Operand<T>>) - Static method in class org.tensorflow.op.math.AddN
Factory method to create a class wrapping a new AddN operation.
create(Scope, Iterable<Operand<T>>, String) - Static method in class org.tensorflow.op.core.NcclReduce
Deprecated.
Factory method to create a class wrapping a new NcclReduce operation.
create(Scope, Iterable<Operand<T>>, String) - Static method in class org.tensorflow.op.distribute.NcclReduce
Factory method to create a class wrapping a new NcclReduce operation.
create(Scope, Iterable<Operand<T>>, String) - Static method in class org.tensorflow.op.linalg.Einsum
Factory method to create a class wrapping a new Einsum operation.
create(Scope, Iterable<Operand<T>>, List<Long>, PartitionedInput.Options...) - Static method in class org.tensorflow.op.tpu.PartitionedInput
Factory method to create a class wrapping a new TPUPartitionedInputV2 operation.
create(Scope, Iterable<Operand<T>>, List<Long>, ConcatND.Options...) - Static method in class org.tensorflow.op.xla.ConcatND
Factory method to create a class wrapping a new XlaConcatND operation.
create(Scope, Iterable<Operand<T>>, Shape) - Static method in class org.tensorflow.op.core.ParallelConcat
Factory method to create a class wrapping a new ParallelConcat operation.
create(Scope, Iterable<Operand<T>>, Shape) - Static method in class org.tensorflow.op.math.AccumulateN
Factory method to create a class wrapping a new AccumulateNV2 operation.
create(Scope, Iterable<Operand<T>>, Stack.Options...) - Static method in class org.tensorflow.op.core.Stack
Factory method to create a class wrapping a new Pack operation.
create(Scope, Iterable<Operand<T>>, ReplicatedInput.Options...) - Static method in class org.tensorflow.op.tpu.ReplicatedInput
Factory method to create a class wrapping a new TPUReplicatedInput operation.
create(Scope, Iterable<Operand<T>>, TPUReplicatedInput.Options...) - Static method in class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
Factory method to create a class wrapping a new TPUReplicatedInput operation.
create(Scope, Iterable<Operand<T>>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.Concat
Factory method to create a class wrapping a new ConcatV2 operation.
create(Scope, Iterable<Operand<T>>, Operand<U>, Operand<? extends TNumber>, Long) - Static method in class org.tensorflow.op.ragged.RaggedGather
Factory method to create a class wrapping a new RaggedGather operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingAdadeltaParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingAdadeltaParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingAdagradMomentumParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingAdagradMomentumParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingAdagradParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingAdagradParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingADAMParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingADAMParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingCenteredRMSPropParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingCenteredRMSPropParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingFrequencyEstimatorParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingFrequencyEstimatorParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingFTRLParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingFTRLParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingMDLAdagradLightParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingMDLAdagradLightParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingMomentumParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingMomentumParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingProximalAdagradParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingProximalAdagradParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingProximalYogiParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingProximalYogiParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingRMSPropParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingRMSPropParameters operation.
create(Scope, Long, Long, RetrieveTPUEmbeddingStochasticGradientDescentParameters.Options...) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
Factory method to create a class wrapping a new RetrieveTPUEmbeddingStochasticGradientDescentParameters operation.
create(Scope, Long, String) - Static method in class org.tensorflow.op.tpu.RecvTPUEmbeddingActivations
Factory method to create a class wrapping a new RecvTPUEmbeddingActivations operation.
create(Scope, Long, String, Long, Long) - Static method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Factory method to create a class wrapping a new RetrieveAllTPUEmbeddingParameters operation.
create(Scope, Long, String, ThreadPoolHandle.Options...) - Static method in class org.tensorflow.op.data.experimental.ThreadPoolHandle
Factory method to create a class wrapping a new ExperimentalThreadPoolHandle operation.
create(Scope, Long, String, ThreadPoolHandle.Options...) - Static method in class org.tensorflow.op.data.ThreadPoolHandle
Factory method to create a class wrapping a new ThreadPoolHandle operation.
create(Scope, Long, FixedLengthRecordReader.Options...) - Static method in class org.tensorflow.op.io.FixedLengthRecordReader
Factory method to create a class wrapping a new FixedLengthRecordReaderV2 operation.
create(Scope, Long, ReplicateMetadata.Options...) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Factory method to create a class wrapping a new TPUReplicateMetadata operation.
create(Scope, Long, TPUReplicateMetadata.Options...) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Factory method to create a class wrapping a new TPUReplicateMetadata operation.
create(Scope, String) - Static method in class org.tensorflow.op.tpu.ComputeDedupDataSize
Factory method to create a class wrapping a new ComputeDedupDataSize operation.
create(Scope, String) - Static method in class org.tensorflow.op.tpu.ComputeDedupDataTupleMask
Factory method to create a class wrapping a new ComputeDedupDataTupleMask operation.
create(Scope, String) - Static method in class org.tensorflow.op.tpu.ConfigureTPUEmbedding
Factory method to create a class wrapping a new ConfigureTPUEmbedding operation.
create(Scope, String) - Static method in class org.tensorflow.op.tpu.ExecuteTPUEmbeddingPartitioner
Factory method to create a class wrapping a new ExecuteTPUEmbeddingPartitioner operation.
create(Scope, String) - Static method in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingDeduplicationData
Factory method to create a class wrapping a new XlaRecvTPUEmbeddingDeduplicationData operation.
create(Scope, String, Long, Skipgram.Options...) - Static method in class org.tensorflow.op.core.Skipgram
Factory method to create a class wrapping a new Skipgram operation.
create(Scope, String, String, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.Iterator
Factory method to create a class wrapping a new IteratorV2 operation.
create(Scope, String, RecordInput.Options...) - Static method in class org.tensorflow.op.random.RecordInput
Factory method to create a class wrapping a new RecordInput operation.
create(Scope, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.AnonymousIterator
Factory method to create a class wrapping a new AnonymousIteratorV3 operation.
create(Scope, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.tpu.InfeedDequeueTuple
Factory method to create a class wrapping a new InfeedDequeueTuple operation.
create(Scope, List<Class<? extends TType>>, List<Shape>, PriorityQueue.Options...) - Static method in class org.tensorflow.op.io.PriorityQueue
Factory method to create a class wrapping a new PriorityQueueV2 operation.
create(Scope, List<Class<? extends TType>>, List<Shape>, OutfeedDequeueTuple.Options...) - Static method in class org.tensorflow.op.tpu.OutfeedDequeueTuple
Factory method to create a class wrapping a new OutfeedDequeueTuple operation.
create(Scope, List<Class<? extends TType>>, Barrier.Options...) - Static method in class org.tensorflow.op.core.Barrier
Factory method to create a class wrapping a new Barrier operation.
create(Scope, List<Class<? extends TType>>, MapClear.Options...) - Static method in class org.tensorflow.op.core.MapClear
Factory method to create a class wrapping a new MapClear operation.
create(Scope, List<Class<? extends TType>>, MapIncompleteSize.Options...) - Static method in class org.tensorflow.op.core.MapIncompleteSize
Factory method to create a class wrapping a new MapIncompleteSize operation.
create(Scope, List<Class<? extends TType>>, MapSize.Options...) - Static method in class org.tensorflow.op.core.MapSize
Factory method to create a class wrapping a new MapSize operation.
create(Scope, List<Class<? extends TType>>, OrderedMapClear.Options...) - Static method in class org.tensorflow.op.core.OrderedMapClear
Factory method to create a class wrapping a new OrderedMapClear operation.
create(Scope, List<Class<? extends TType>>, OrderedMapIncompleteSize.Options...) - Static method in class org.tensorflow.op.core.OrderedMapIncompleteSize
Factory method to create a class wrapping a new OrderedMapIncompleteSize operation.
create(Scope, List<Class<? extends TType>>, OrderedMapSize.Options...) - Static method in class org.tensorflow.op.core.OrderedMapSize
Factory method to create a class wrapping a new OrderedMapSize operation.
create(Scope, List<Class<? extends TType>>, StageClear.Options...) - Static method in class org.tensorflow.op.core.StageClear
Factory method to create a class wrapping a new StageClear operation.
create(Scope, List<Class<? extends TType>>, StageSize.Options...) - Static method in class org.tensorflow.op.core.StageSize
Factory method to create a class wrapping a new StageSize operation.
create(Scope, List<Class<? extends TType>>, Unstage.Options...) - Static method in class org.tensorflow.op.core.Unstage
Factory method to create a class wrapping a new Unstage operation.
create(Scope, List<Class<? extends TType>>, FifoQueue.Options...) - Static method in class org.tensorflow.op.io.FifoQueue
Factory method to create a class wrapping a new FIFOQueueV2 operation.
create(Scope, List<Class<? extends TType>>, PaddingFifoQueue.Options...) - Static method in class org.tensorflow.op.io.PaddingFifoQueue
Factory method to create a class wrapping a new PaddingFIFOQueueV2 operation.
create(Scope, List<Class<? extends TType>>, RandomShuffleQueue.Options...) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Factory method to create a class wrapping a new RandomShuffleQueueV2 operation.
create(Scope, List<String>) - Static method in class org.tensorflow.op.core.DeviceIndex
Factory method to create a class wrapping a new DeviceIndex operation.
create(Scope, List<String>, String, String, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.MultiDeviceIterator
Factory method to create a class wrapping a new MultiDeviceIterator operation.
create(Scope, List<String>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.AnonymousMultiDeviceIterator
Factory method to create a class wrapping a new AnonymousMultiDeviceIteratorV3 operation.
create(Scope, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, OneShotIterator.Options...) - Static method in class org.tensorflow.op.data.OneShotIterator
Factory method to create a class wrapping a new OneShotIterator operation.
create(Scope, Shape, Class<T>, TemporaryVariable.Options...) - Static method in class org.tensorflow.op.core.TemporaryVariable
Factory method to create a class wrapping a new TemporaryVariable operation.
create(Scope, Shape, Class<T>, Variable.Options...) - Static method in class org.tensorflow.op.core.Variable
Factory method to create a class wrapping a new VariableV2 operation.
create(Scope, Abort.Options...) - Static method in class org.tensorflow.op.core.Abort
Factory method to create a class wrapping a new Abort operation.
create(Scope, Mutex.Options...) - Static method in class org.tensorflow.op.core.Mutex
Factory method to create a class wrapping a new MutexV2 operation.
create(Scope, StatsAggregatorHandle.Options...) - Static method in class org.tensorflow.op.data.experimental.StatsAggregatorHandle
Factory method to create a class wrapping a new ExperimentalStatsAggregatorHandle operation.
create(Scope, StatsAggregatorHandle.Options...) - Static method in class org.tensorflow.op.data.StatsAggregatorHandle
Factory method to create a class wrapping a new StatsAggregatorHandleV2 operation.
create(Scope, IdentityReader.Options...) - Static method in class org.tensorflow.op.io.IdentityReader
Factory method to create a class wrapping a new IdentityReaderV2 operation.
create(Scope, LmdbReader.Options...) - Static method in class org.tensorflow.op.io.LmdbReader
Factory method to create a class wrapping a new LMDBReader operation.
create(Scope, TextLineReader.Options...) - Static method in class org.tensorflow.op.io.TextLineReader
Factory method to create a class wrapping a new TextLineReaderV2 operation.
create(Scope, TfRecordReader.Options...) - Static method in class org.tensorflow.op.io.TfRecordReader
Factory method to create a class wrapping a new TFRecordReaderV2 operation.
create(Scope, WholeFileReader.Options...) - Static method in class org.tensorflow.op.io.WholeFileReader
Factory method to create a class wrapping a new WholeFileReaderV2 operation.
create(Scope, SummaryWriter.Options...) - Static method in class org.tensorflow.op.summary.SummaryWriter
Factory method to create a class wrapping a new SummaryWriter operation.
create(Scope, ConfigureAndInitializeGlobalTPU.Options...) - Static method in class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU
Factory method to create a class wrapping a new ConfigureAndInitializeGlobalTPU operation.
create(Scope, ConfigureDistributedTPU.Options...) - Static method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Factory method to create a class wrapping a new ConfigureDistributedTPU operation.
create(Scope, IsTPUEmbeddingInitialized.Options...) - Static method in class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized
Factory method to create a class wrapping a new IsTPUEmbeddingInitialized operation.
create(Scope, Operand<?>, Iterable<? extends Operand<?>>, Gradients.Options...) - Static method in class org.tensorflow.op.core.Gradients
Adds gradients computation ops to the graph according to scope.
create(Scope, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.IsFinite
Factory method to create a class wrapping a new IsFinite operation.
create(Scope, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.IsInf
Factory method to create a class wrapping a new IsInf operation.
create(Scope, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.IsNan
Factory method to create a class wrapping a new IsNan operation.
create(Scope, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.PopulationCount
Factory method to create a class wrapping a new PopulationCount operation.
create(Scope, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.nn.IsotonicRegression
Factory method to create a class wrapping a new IsotonicRegression operation, with the default output types.
create(Scope, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.random.StatelessRandomGetKeyCounter
Factory method to create a class wrapping a new StatelessRandomGetKeyCounter operation.
create(Scope, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg
Factory method to create a class wrapping a new StatelessRandomGetKeyCounterAlg operation.
create(Scope, Operand<? extends TNumber>, Class<T>) - Static method in class org.tensorflow.op.core.Ones
Creates a one valued tensor given its type and shape.
create(Scope, Operand<? extends TNumber>, Class<T>) - Static method in class org.tensorflow.op.core.Zeros
Creates a zeroed tensor given its type and shape.
create(Scope, Operand<? extends TNumber>, Class<U>) - Static method in class org.tensorflow.op.nn.IsotonicRegression
Factory method to create a class wrapping a new IsotonicRegression operation.
create(Scope, Operand<? extends TNumber>, Class<U>, RandomStandardNormal.Options...) - Static method in class org.tensorflow.op.random.RandomStandardNormal
Factory method to create a class wrapping a new RandomStandardNormal operation.
create(Scope, Operand<? extends TNumber>, Class<U>, RandomUniform.Options...) - Static method in class org.tensorflow.op.random.RandomUniform
Factory method to create a class wrapping a new RandomUniform operation.
create(Scope, Operand<? extends TNumber>, Class<U>, TruncatedNormal.Options...) - Static method in class org.tensorflow.op.random.TruncatedNormal
Factory method to create a class wrapping a new TruncatedNormal operation.
create(Scope, Operand<? extends TNumber>, List<Float>) - Static method in class org.tensorflow.op.core.Bucketize
Factory method to create a class wrapping a new Bucketize operation.
create(Scope, Operand<? extends TNumber>, EncodePng.Options...) - Static method in class org.tensorflow.op.image.EncodePng
Factory method to create a class wrapping a new EncodePng operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.random.StatelessRandomNormal
Factory method to create a class wrapping a new StatelessRandomNormal operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.random.StatelessRandomUniform
Factory method to create a class wrapping a new StatelessRandomUniform operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.random.StatelessTruncatedNormal
Factory method to create a class wrapping a new StatelessTruncatedNormal operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.random.StatelessRandomNormal
Factory method to create a class wrapping a new StatelessRandomNormal operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.random.StatelessRandomUniform
Factory method to create a class wrapping a new StatelessRandomUniform operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.random.StatelessRandomUniformFullInt
Factory method to create a class wrapping a new StatelessRandomUniformFullInt operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.random.StatelessTruncatedNormal
Factory method to create a class wrapping a new StatelessTruncatedNormal operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>, RandomPoisson.Options...) - Static method in class org.tensorflow.op.random.RandomPoisson
Factory method to create a class wrapping a new RandomPoissonV2 operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, String, MergeDedupData.Options...) - Static method in class org.tensorflow.op.tpu.MergeDedupData
Factory method to create a class wrapping a new MergeDedupData operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, RandomPoisson.Options[]) - Static method in class org.tensorflow.op.random.RandomPoisson
Factory method to create a class wrapping a new RandomPoissonV2 operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseMatMul.Options...) - Static method in class org.tensorflow.op.sparse.SparseMatMul
Factory method to create a class wrapping a new SparseMatMul operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Class<W>) - Static method in class org.tensorflow.op.random.StatelessRandomPoisson
Factory method to create a class wrapping a new StatelessRandomPoisson operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBias.Options...) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
Factory method to create a class wrapping a new QuantizedMatMulWithBias operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, List<Long>, String, QuantizedConv2DWithBiasAndReluAndRequantize.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Factory method to create a class wrapping a new QuantizedConv2DWithBiasAndReluAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, List<Long>, String, QuantizedConv2DWithBiasAndRequantize.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Factory method to create a class wrapping a new QuantizedConv2DWithBiasAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, List<Long>, String, QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Options...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Factory method to create a class wrapping a new QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBiasAndReluAndRequantize.Options...) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
Factory method to create a class wrapping a new QuantizedMatMulWithBiasAndReluAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBiasAndDequantize.Options...) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
Factory method to create a class wrapping a new QuantizedMatMulWithBiasAndDequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBiasAndRequantize.Options...) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
Factory method to create a class wrapping a new QuantizedMatMulWithBiasAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<X>, List<Long>, String, QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Factory method to create a class wrapping a new QuantizedConv2DWithBiasSignedSumAndReluAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<X>, List<Long>, String, QuantizedConv2DWithBiasSumAndReluAndRequantize.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Factory method to create a class wrapping a new QuantizedConv2DWithBiasSumAndReluAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>) - Static method in class org.tensorflow.op.math.QuantizedAdd
Factory method to create a class wrapping a new QuantizedAdd operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>) - Static method in class org.tensorflow.op.math.QuantizedMul
Factory method to create a class wrapping a new QuantizedMul operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>) - Static method in class org.tensorflow.op.nn.QuantizedBiasAdd
Factory method to create a class wrapping a new QuantizedBiasAdd operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, Class<W>, QuantizedMatMul.Options...) - Static method in class org.tensorflow.op.linalg.QuantizedMatMul
Factory method to create a class wrapping a new QuantizedMatMul operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2d.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2d
Factory method to create a class wrapping a new QuantizedConv2D operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DAndRelu.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Factory method to create a class wrapping a new QuantizedConv2DAndRelu operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DPerChannel.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel
Factory method to create a class wrapping a new QuantizedConv2DPerChannel operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedDepthwiseConv2D.Options...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
Factory method to create a class wrapping a new QuantizedDepthwiseConv2D operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DWithBias.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Factory method to create a class wrapping a new QuantizedConv2DWithBias operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DWithBiasAndRelu.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Factory method to create a class wrapping a new QuantizedConv2DWithBiasAndRelu operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedDepthwiseConv2DWithBias.Options...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
Factory method to create a class wrapping a new QuantizedDepthwiseConv2DWithBias operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedDepthwiseConv2DWithBiasAndRelu.Options...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Factory method to create a class wrapping a new QuantizedDepthwiseConv2DWithBiasAndRelu operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, QuantizedMatMulWithBiasAndRelu.Options...) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
Factory method to create a class wrapping a new QuantizedMatMulWithBiasAndRelu operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DAndReluAndRequantize.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Factory method to create a class wrapping a new QuantizedConv2DAndReluAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DAndRequantize.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Factory method to create a class wrapping a new QuantizedConv2DAndRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DWithBiasSumAndRelu.Options...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Factory method to create a class wrapping a new QuantizedConv2DWithBiasSumAndRelu operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<V>, Long, Long, UniformQuantizedDotHybrid.Options...) - Static method in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid
Factory method to create a class wrapping a new UniformQuantizedDotHybrid operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<V>, String, Long, Long, UniformQuantizedConvolutionHybrid.Options...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Factory method to create a class wrapping a new UniformQuantizedConvolutionHybrid operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>) - Static method in class org.tensorflow.op.random.StatelessRandomBinomial
Factory method to create a class wrapping a new StatelessRandomBinomial operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>) - Static method in class org.tensorflow.op.random.StatelessRandomUniformInt
Factory method to create a class wrapping a new StatelessRandomUniformInt operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>, Class<W>) - Static method in class org.tensorflow.op.random.StatelessRandomBinomial
Factory method to create a class wrapping a new StatelessRandomBinomial operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>, Operand<V>, Operand<V>) - Static method in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal
Factory method to create a class wrapping a new StatelessParameterizedTruncatedNormal operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.random.StatelessRandomNormalV2
Factory method to create a class wrapping a new StatelessRandomNormalV2 operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.random.StatelessRandomUniformV2
Factory method to create a class wrapping a new StatelessRandomUniformV2 operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.random.StatelessTruncatedNormalV2
Factory method to create a class wrapping a new StatelessTruncatedNormalV2 operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.core.StochasticCastToInt
Factory method to create a class wrapping a new StochasticCastToInt operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.random.StatelessRandomNormalV2
Factory method to create a class wrapping a new StatelessRandomNormalV2 operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2
Factory method to create a class wrapping a new StatelessRandomUniformFullIntV2 operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.random.StatelessRandomUniformV2
Factory method to create a class wrapping a new StatelessRandomUniformV2 operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.random.StatelessTruncatedNormalV2
Factory method to create a class wrapping a new StatelessTruncatedNormalV2 operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Operand<U>) - Static method in class org.tensorflow.op.random.StatelessRandomGamma
Factory method to create a class wrapping a new StatelessRandomGammaV3 operation.
create(Scope, Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Operand<U>, Operand<U>) - Static method in class org.tensorflow.op.random.StatelessRandomUniformIntV2
Factory method to create a class wrapping a new StatelessRandomUniformIntV2 operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>) - Static method in class org.tensorflow.op.quantization.RequantizationRange
Factory method to create a class wrapping a new RequantizationRange operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Static method in class org.tensorflow.op.nn.QuantizedRelu
Factory method to create a class wrapping a new QuantizedRelu operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Static method in class org.tensorflow.op.nn.QuantizedRelu6
Factory method to create a class wrapping a new QuantizedRelu6 operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Static method in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange
Factory method to create a class wrapping a new QuantizeDownAndShrinkRange operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>, Dequantize.Options...) - Static method in class org.tensorflow.op.quantization.Dequantize
Factory method to create a class wrapping a new Dequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Float) - Static method in class org.tensorflow.op.math.RequantizationRangePerChannel
Factory method to create a class wrapping a new RequantizationRangePerChannel operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Dequantize.Options[]) - Static method in class org.tensorflow.op.quantization.Dequantize
Factory method to create a class wrapping a new Dequantize operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Static method in class org.tensorflow.op.nn.QuantizedReluX
Factory method to create a class wrapping a new QuantizedReluX operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Static method in class org.tensorflow.op.math.RequantizePerChannel
Factory method to create a class wrapping a new RequantizePerChannel operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Static method in class org.tensorflow.op.quantization.Requantize
Factory method to create a class wrapping a new Requantize operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, UniformDequantize.Options...) - Static method in class org.tensorflow.op.quantization.UniformDequantize
Factory method to create a class wrapping a new UniformDequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, UniformQuantize.Options...) - Static method in class org.tensorflow.op.quantization.UniformQuantize
Factory method to create a class wrapping a new UniformQuantize operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, Long, Long, UniformRequantize.Options...) - Static method in class org.tensorflow.op.quantization.UniformRequantize
Factory method to create a class wrapping a new UniformRequantize operation.
create(Scope, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, CropAndResize.Options...) - Static method in class org.tensorflow.op.image.CropAndResize
Factory method to create a class wrapping a new CropAndResize operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.core.EmptyTensorList
Factory method to create a class wrapping a new EmptyTensorList operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.core.TensorListReserve
Factory method to create a class wrapping a new TensorListReserve operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.Rfft
Factory method to create a class wrapping a new RFFT operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.Rfft2d
Factory method to create a class wrapping a new RFFT2D operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.Rfft3d
Factory method to create a class wrapping a new RFFT3D operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Class<U>, Multinomial.Options...) - Static method in class org.tensorflow.op.random.Multinomial
Factory method to create a class wrapping a new Multinomial operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, ResizeArea.Options...) - Static method in class org.tensorflow.op.image.ResizeArea
Factory method to create a class wrapping a new ResizeArea operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, ResizeBicubic.Options...) - Static method in class org.tensorflow.op.image.ResizeBicubic
Factory method to create a class wrapping a new ResizeBicubic operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, ResizeBilinear.Options...) - Static method in class org.tensorflow.op.image.ResizeBilinear
Factory method to create a class wrapping a new ResizeBilinear operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Multinomial.Options[]) - Static method in class org.tensorflow.op.random.Multinomial
Factory method to create a class wrapping a new Multinomial operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.random.StatelessMultinomial
Factory method to create a class wrapping a new StatelessMultinomial operation, with the default output types.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.random.StatelessMultinomial
Factory method to create a class wrapping a new StatelessMultinomial operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, ScaleAndTranslate.Options...) - Static method in class org.tensorflow.op.image.ScaleAndTranslate
Factory method to create a class wrapping a new ScaleAndTranslate operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.RfftNd
Factory method to create a class wrapping a new RFFTND operation.
create(Scope, Operand<? extends TNumber>, Operand<TInt32>, Operand<U>, Operand<U>, OneHot.Options...) - Static method in class org.tensorflow.op.core.OneHot
Factory method to create a class wrapping a new OneHot operation.
create(Scope, Operand<? extends TNumber>, Operand<U>) - Static method in class org.tensorflow.op.core.Fill
Factory method to create a class wrapping a new Fill operation.
create(Scope, Operand<? extends TNumber>, Operand<U>, Boolean, DenseCountSparseOutput.Options...) - Static method in class org.tensorflow.op.sparse.DenseCountSparseOutput
Factory method to create a class wrapping a new DenseCountSparseOutput operation.
create(Scope, Operand<? extends TNumber>, Operand<U>, RandomGamma.Options...) - Static method in class org.tensorflow.op.random.RandomGamma
Factory method to create a class wrapping a new RandomGamma operation.
create(Scope, Operand<? extends TNumber>, Operand<U>, Operand<TInt64>, Operand<U>, SparseTensorDenseMatMul.Options...) - Static method in class org.tensorflow.op.sparse.SparseTensorDenseMatMul
Factory method to create a class wrapping a new SparseTensorDenseMatMul operation.
create(Scope, Operand<? extends TNumber>, Operand<U>, Operand<U>, Iterable<Operand<? extends TNumber>>, List<String>) - Static method in class org.tensorflow.op.ragged.RaggedTensorToTensor
Factory method to create a class wrapping a new RaggedTensorToTensor operation.
create(Scope, Operand<? extends TNumber>, Operand<U>, Operand<U>, List<Long>, String, Conv3dBackpropInput.Options...) - Static method in class org.tensorflow.op.nn.Conv3dBackpropInput
Factory method to create a class wrapping a new Conv3DBackpropInputV2 operation.
create(Scope, Operand<? extends TNumber>, Operand<U>, Operand<U>, RandomUniformInt.Options...) - Static method in class org.tensorflow.op.random.RandomUniformInt
Factory method to create a class wrapping a new RandomUniformInt operation.
create(Scope, Operand<? extends TNumber>, Operand<U>, Operand<U>, Operand<U>, Operand<U>, ParameterizedTruncatedNormal.Options...) - Static method in class org.tensorflow.op.random.ParameterizedTruncatedNormal
Factory method to create a class wrapping a new ParameterizedTruncatedNormal operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ConsumeMutexLock
Factory method to create a class wrapping a new ConsumeMutexLock operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.GetOptions
Factory method to create a class wrapping a new GetOptions operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.GetSessionHandle
Factory method to create a class wrapping a new GetSessionHandleV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.IsVariableInitialized
Factory method to create a class wrapping a new IsVariableInitialized operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.LookupTableSize
Factory method to create a class wrapping a new LookupTableSizeV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.MutexLock
Factory method to create a class wrapping a new MutexLock operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.Rank
Factory method to create a class wrapping a new Rank operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.Shape
Factory method to create a class wrapping a new Shape operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.Size
Factory method to create a class wrapping a new Size operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.StackClose
Factory method to create a class wrapping a new StackCloseV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.TensorArrayClose
Factory method to create a class wrapping a new TensorArrayCloseV3 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.TensorListLength
Factory method to create a class wrapping a new TensorListLength operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.TensorMapSize
Factory method to create a class wrapping a new TensorMapSize operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.VariableShape
Factory method to create a class wrapping a new VariableShape operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.VarIsInitializedOp
Factory method to create a class wrapping a new VarIsInitializedOp operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.Where
Factory method to create a class wrapping a new Where operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.DatasetFingerprint
Factory method to create a class wrapping a new DatasetFingerprint operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.experimental.DatasetCardinality
Factory method to create a class wrapping a new ExperimentalDatasetCardinality operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.experimental.IteratorGetDevice
Factory method to create a class wrapping a new ExperimentalIteratorGetDevice operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.experimental.StatsAggregatorSummary
Factory method to create a class wrapping a new ExperimentalStatsAggregatorSummary operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.IteratorGetDevice
Factory method to create a class wrapping a new IteratorGetDevice operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.IteratorToStringHandle
Factory method to create a class wrapping a new IteratorToStringHandle operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.MultiDeviceIteratorToStringHandle
Factory method to create a class wrapping a new MultiDeviceIteratorToStringHandle operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.OptionalHasValue
Factory method to create a class wrapping a new OptionalHasValue operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.UnwrapDatasetVariant
Factory method to create a class wrapping a new UnwrapDatasetVariant operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.WrapDatasetVariant
Factory method to create a class wrapping a new WrapDatasetVariant operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.dtypes.ToBool
Factory method to create a class wrapping a new ToBool operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.DisableCopyOnRead
Factory method to create a class wrapping a new DisableCopyOnRead operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.FakeQueue
Factory method to create a class wrapping a new FakeQueue operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.QueueIsClosed
Factory method to create a class wrapping a new QueueIsClosedV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.QueueSize
Factory method to create a class wrapping a new QueueSizeV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.ReaderNumRecordsProduced
Factory method to create a class wrapping a new ReaderNumRecordsProducedV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.ReaderNumWorkUnitsCompleted
Factory method to create a class wrapping a new ReaderNumWorkUnitsCompletedV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.ReaderReset
Factory method to create a class wrapping a new ReaderResetV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.ReaderSerializeState
Factory method to create a class wrapping a new ReaderSerializeStateV2 operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.SerializeTensor
Factory method to create a class wrapping a new SerializeTensor operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixNNZ
Factory method to create a class wrapping a new SparseMatrixNNZ operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixOrderingAMD
Factory method to create a class wrapping a new SparseMatrixOrderingAMD operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.math.Angle
Factory method to create a class wrapping a new Angle operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.math.ComplexAbs
Factory method to create a class wrapping a new ComplexAbs operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.math.Imag
Factory method to create a class wrapping a new Imag operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.math.Real
Factory method to create a class wrapping a new Real operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.random.NonDeterministicInts
Factory method to create a class wrapping a new NonDeterministicInts operation, with the default output types.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.signal.BatchFft
Factory method to create a class wrapping a new BatchFFT operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.signal.BatchFft2d
Factory method to create a class wrapping a new BatchFFT2D operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.signal.BatchFft3d
Factory method to create a class wrapping a new BatchFFT3D operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.signal.BatchIfft
Factory method to create a class wrapping a new BatchIFFT operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.signal.BatchIfft2d
Factory method to create a class wrapping a new BatchIFFT2D operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.signal.BatchIfft3d
Factory method to create a class wrapping a new BatchIFFT3D operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.summary.CloseSummaryWriter
Factory method to create a class wrapping a new CloseSummaryWriter operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.summary.FlushSummaryWriter
Factory method to create a class wrapping a new FlushSummaryWriter operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.summary.StatsAggregatorSummary
Factory method to create a class wrapping a new StatsAggregatorSummary operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.tpu.OutfeedEnqueue
Factory method to create a class wrapping a new OutfeedEnqueue operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.train.ComputeBatchSize
Factory method to create a class wrapping a new ComputeBatchSize operation.
create(Scope, Operand<? extends TType>) - Static method in class org.tensorflow.op.train.ResourceAccumulatorNumAccumulated
Factory method to create a class wrapping a new ResourceAccumulatorNumAccumulated operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.core.ReadVariableOp
Factory method to create a class wrapping a new ReadVariableOp operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.core.StackPop
Factory method to create a class wrapping a new StackPopV2 operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.core.TensorListElementShape
Factory method to create a class wrapping a new TensorListElementShape operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.core.TensorMapStackKeys
Factory method to create a class wrapping a new TensorMapStackKeys operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.core.VariableShape
Factory method to create a class wrapping a new VariableShape operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense
Factory method to create a class wrapping a new CSRSparseMatrixToDense operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor
Factory method to create a class wrapping a new CSRSparseMatrixToSparseTensor operation.
create(Scope, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax
Factory method to create a class wrapping a new SparseMatrixSoftmax operation.
create(Scope, Operand<? extends TType>, Class<T>, Class<U>) - Static method in class org.tensorflow.op.core.LookupTableExport
Factory method to create a class wrapping a new LookupTableExportV2 operation.
create(Scope, Operand<? extends TType>, Class<T>, Class<U>, String, SplitDedupData.Options...) - Static method in class org.tensorflow.op.tpu.SplitDedupData
Factory method to create a class wrapping a new SplitDedupData operation.
create(Scope, Operand<? extends TType>, Class<T>, Long, List<Long>, ReadVariableSplitND.Options...) - Static method in class org.tensorflow.op.xla.ReadVariableSplitND
Factory method to create a class wrapping a new ReadVariableXlaSplitND operation.
create(Scope, Operand<? extends TType>, Class<T>, SparseMatrixTranspose.Options...) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose
Factory method to create a class wrapping a new SparseMatrixTranspose operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.core.Bitcast
Factory method to create a class wrapping a new Bitcast operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.core.Shape
Factory method to create a class wrapping a new Shape operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.core.Size
Factory method to create a class wrapping a new Size operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.math.Angle
Factory method to create a class wrapping a new Angle operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.math.ComplexAbs
Factory method to create a class wrapping a new ComplexAbs operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.math.Imag
Factory method to create a class wrapping a new Imag operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.math.Real
Factory method to create a class wrapping a new Real operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.random.NonDeterministicInts
Factory method to create a class wrapping a new NonDeterministicInts operation.
create(Scope, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.sparse.DeserializeSparse
Factory method to create a class wrapping a new DeserializeSparse operation.
create(Scope, Operand<? extends TType>, Class<U>, DebugNumericsSummary.Options...) - Static method in class org.tensorflow.op.debugging.DebugNumericsSummary
Factory method to create a class wrapping a new DebugNumericSummaryV2 operation.
create(Scope, Operand<? extends TType>, Class<U>, Cast.Options...) - Static method in class org.tensorflow.op.dtypes.Cast
Factory method to create a class wrapping a new Cast operation.
create(Scope, Operand<? extends TType>, Class<U>, Eig.Options...) - Static method in class org.tensorflow.op.linalg.Eig
Factory method to create a class wrapping a new Eig operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.GroupByReducerDataset
Factory method to create a class wrapping a new ExperimentalGroupByReducerDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.GroupByReducerDataset
Factory method to create a class wrapping a new GroupByReducerDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.GroupByWindowDataset
Factory method to create a class wrapping a new ExperimentalGroupByWindowDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, GroupByWindowDataset.Options...) - Static method in class org.tensorflow.op.data.GroupByWindowDataset
Factory method to create a class wrapping a new GroupByWindowDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ScanDataset.Options...) - Static method in class org.tensorflow.op.data.experimental.ScanDataset
Factory method to create a class wrapping a new ExperimentalScanDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ReduceDataset.Options...) - Static method in class org.tensorflow.op.data.ReduceDataset
Factory method to create a class wrapping a new ReduceDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ScanDataset.Options...) - Static method in class org.tensorflow.op.data.ScanDataset
Factory method to create a class wrapping a new ScanDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, ConcreteFunction, If.Options...) - Static method in interface org.tensorflow.op.core.If
Factory method to create a class wrapping a new If operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, ConcreteFunction, If.Options...) - Static method in class org.tensorflow.op.core.StatefulIf
Factory method to create a class wrapping a new If operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, ConcreteFunction, If.Options...) - Static method in class org.tensorflow.op.core.StatelessIf
Factory method to create a class wrapping a new StatelessIf operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.TakeWhileDataset
Factory method to create a class wrapping a new ExperimentalTakeWhileDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapDataset.Options...) - Static method in class org.tensorflow.op.data.experimental.MapDataset
Factory method to create a class wrapping a new ExperimentalMapDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, FilterDataset.Options...) - Static method in class org.tensorflow.op.data.FilterDataset
Factory method to create a class wrapping a new FilterDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, FlatMapDataset.Options...) - Static method in class org.tensorflow.op.data.FlatMapDataset
Factory method to create a class wrapping a new FlatMapDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapDataset.Options...) - Static method in class org.tensorflow.op.data.MapDataset
Factory method to create a class wrapping a new MapDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, TakeWhileDataset.Options...) - Static method in class org.tensorflow.op.data.TakeWhileDataset
Factory method to create a class wrapping a new TakeWhileDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, QueueEnqueue.Options...) - Static method in class org.tensorflow.op.io.QueueEnqueue
Factory method to create a class wrapping a new QueueEnqueueV2 operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, QueueEnqueueMany.Options...) - Static method in class org.tensorflow.op.io.QueueEnqueueMany
Factory method to create a class wrapping a new QueueEnqueueManyV2 operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ParallelFilterDataset.Options...) - Static method in class org.tensorflow.op.data.ParallelFilterDataset
Factory method to create a class wrapping a new ParallelFilterDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ParallelMapDataset.Options...) - Static method in class org.tensorflow.op.data.ParallelMapDataset
Factory method to create a class wrapping a new ParallelMapDatasetV2 operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, InterleaveDataset.Options...) - Static method in class org.tensorflow.op.data.InterleaveDataset
Factory method to create a class wrapping a new InterleaveDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapAndBatchDataset.Options...) - Static method in class org.tensorflow.op.data.experimental.MapAndBatchDataset
Factory method to create a class wrapping a new ExperimentalMapAndBatchDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapAndBatchDataset.Options...) - Static method in class org.tensorflow.op.data.MapAndBatchDataset
Factory method to create a class wrapping a new MapAndBatchDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset
Factory method to create a class wrapping a new ExperimentalParallelInterleaveDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, LegacyParallelInterleaveDataset.Options...) - Static method in class org.tensorflow.op.data.LegacyParallelInterleaveDataset
Factory method to create a class wrapping a new LegacyParallelInterleaveDatasetV2 operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ParallelInterleaveDataset.Options...) - Static method in class org.tensorflow.op.data.ParallelInterleaveDataset
Factory method to create a class wrapping a new ParallelInterleaveDatasetV4 operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset
Factory method to create a class wrapping a new ExperimentalDirectedInterleaveDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>, DirectedInterleaveDataset.Options...) - Static method in class org.tensorflow.op.data.DirectedInterleaveDataset
Factory method to create a class wrapping a new DirectedInterleaveDataset operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<? extends TType>>, List<Long>, AssignVariableConcatND.Options...) - Static method in class org.tensorflow.op.xla.AssignVariableConcatND
Factory method to create a class wrapping a new AssignVariableXlaConcatND operation.
create(Scope, Operand<? extends TType>, Iterable<Operand<? extends TType>>, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.DeleteMultiDeviceIterator
Factory method to create a class wrapping a new DeleteMultiDeviceIterator operation.
create(Scope, Operand<? extends TType>, Long, Class<T>) - Static method in class org.tensorflow.op.core.ResourceCountUpTo
Factory method to create a class wrapping a new ResourceCountUpTo operation.
create(Scope, Operand<? extends TType>, Long, Long, Class<U>) - Static method in class org.tensorflow.op.ragged.RaggedTensorFromVariant
Factory method to create a class wrapping a new RaggedTensorFromVariant operation, with the default output types.
create(Scope, Operand<? extends TType>, Long, Long, Class<U>, Class<T>) - Static method in class org.tensorflow.op.ragged.RaggedTensorFromVariant
Factory method to create a class wrapping a new RaggedTensorFromVariant operation.
create(Scope, Operand<? extends TType>, Long, String) - Static method in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations
Factory method to create a class wrapping a new XlaRecvTPUEmbeddingActivations operation.
create(Scope, Operand<? extends TType>, String) - Static method in class org.tensorflow.op.xla.XlaSendToHost
Factory method to create a class wrapping a new XlaSendToHost operation.
create(Scope, Operand<? extends TType>, String, String, Long, String, Send.Options...) - Static method in class org.tensorflow.op.core.Send
Factory method to create a class wrapping a new Send operation.
create(Scope, Operand<? extends TType>, String, List<Class<? extends TType>>) - Static method in class org.tensorflow.op.core.CompositeTensorVariantToComponents
Factory method to create a class wrapping a new CompositeTensorVariantToComponents operation.
create(Scope, Operand<? extends TType>, String, List<Class<? extends TType>>, List<Shape>, OptionsDataset.Options...) - Static method in class org.tensorflow.op.data.OptionsDataset
Factory method to create a class wrapping a new OptionsDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.NonSerializableDataset
Factory method to create a class wrapping a new ExperimentalNonSerializableDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.UnbatchDataset
Factory method to create a class wrapping a new ExperimentalUnbatchDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.UniqueDataset
Factory method to create a class wrapping a new ExperimentalUniqueDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.FilterByLastComponentDataset
Factory method to create a class wrapping a new FilterByLastComponentDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.IteratorGetNext
Factory method to create a class wrapping a new IteratorGetNext operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.IteratorGetNextAsOptional
Factory method to create a class wrapping a new IteratorGetNextAsOptional operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.IteratorGetNextSync
Factory method to create a class wrapping a new IteratorGetNextSync operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.NonSerializableDataset
Factory method to create a class wrapping a new NonSerializableDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.OptionalGetValue
Factory method to create a class wrapping a new OptionalGetValue operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.UncompressElement
Factory method to create a class wrapping a new UncompressElement operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, DatasetToSingleElement.Options...) - Static method in class org.tensorflow.op.data.DatasetToSingleElement
Factory method to create a class wrapping a new DatasetToSingleElement operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, IgnoreErrorsDataset.Options...) - Static method in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset
Factory method to create a class wrapping a new ExperimentalIgnoreErrorsDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, FinalizeDataset.Options...) - Static method in class org.tensorflow.op.data.FinalizeDataset
Factory method to create a class wrapping a new FinalizeDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, IgnoreErrorsDataset.Options...) - Static method in class org.tensorflow.op.data.IgnoreErrorsDataset
Factory method to create a class wrapping a new IgnoreErrorsDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ModelDataset.Options...) - Static method in class org.tensorflow.op.data.ModelDataset
Factory method to create a class wrapping a new ModelDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, UnbatchDataset.Options...) - Static method in class org.tensorflow.op.data.UnbatchDataset
Factory method to create a class wrapping a new UnbatchDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, UniqueDataset.Options...) - Static method in class org.tensorflow.op.data.UniqueDataset
Factory method to create a class wrapping a new UniqueDataset operation.
create(Scope, Operand<? extends TType>, List<Class<? extends TType>>, QueueDequeue.Options...) - Static method in class org.tensorflow.op.io.QueueDequeue
Factory method to create a class wrapping a new QueueDequeueV2 operation.
create(Scope, Operand<? extends TType>, DestroyResourceOp.Options...) - Static method in class org.tensorflow.op.core.DestroyResourceOp
Factory method to create a class wrapping a new DestroyResourceOp operation.
create(Scope, Operand<? extends TType>, DatasetCardinality.Options...) - Static method in class org.tensorflow.op.data.DatasetCardinality
Factory method to create a class wrapping a new DatasetCardinality operation.
create(Scope, Operand<? extends TType>, DatasetToGraph.Options...) - Static method in class org.tensorflow.op.data.DatasetToGraph
Factory method to create a class wrapping a new DatasetToGraphV2 operation.
create(Scope, Operand<? extends TType>, SerializeIterator.Options...) - Static method in class org.tensorflow.op.data.SerializeIterator
Factory method to create a class wrapping a new SerializeIterator operation.
create(Scope, Operand<? extends TType>, DebugNanCount.Options...) - Static method in class org.tensorflow.op.debugging.DebugNanCount
Factory method to create a class wrapping a new DebugNanCount operation.
create(Scope, Operand<? extends TType>, DebugNumericsSummary.Options[]) - Static method in class org.tensorflow.op.debugging.DebugNumericsSummary
Factory method to create a class wrapping a new DebugNumericSummaryV2 operation, with the default output types.
create(Scope, Operand<? extends TType>, AsString.Options...) - Static method in class org.tensorflow.op.dtypes.AsString
Factory method to create a class wrapping a new AsString operation.
create(Scope, Operand<? extends TType>, QueueClose.Options...) - Static method in class org.tensorflow.op.io.QueueClose
Factory method to create a class wrapping a new QueueCloseV2 operation.
create(Scope, Operand<? extends TType>, InfeedEnqueue.Options...) - Static method in class org.tensorflow.op.tpu.InfeedEnqueue
Factory method to create a class wrapping a new InfeedEnqueue operation.
create(Scope, Operand<? extends TType>, InfeedEnqueuePrelinearizedBuffer.Options...) - Static method in class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer
Factory method to create a class wrapping a new InfeedEnqueuePrelinearizedBuffer operation.
create(Scope, Operand<? extends TType>, Prelinearize.Options...) - Static method in class org.tensorflow.op.tpu.Prelinearize
Factory method to create a class wrapping a new Prelinearize operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.TensorListFromTensor
Factory method to create a class wrapping a new TensorListFromTensor operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.ArgMax
Factory method to create a class wrapping a new ArgMax operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.ArgMin
Factory method to create a class wrapping a new ArgMin operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Class<U>) - Static method in class org.tensorflow.op.core.ResourceGatherNd
Factory method to create a class wrapping a new ResourceGatherNd operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Class<U>, ResourceGather.Options...) - Static method in class org.tensorflow.op.core.ResourceGather
Factory method to create a class wrapping a new ResourceGather operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.math.ArgMax
Factory method to create a class wrapping a new ArgMax operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.math.ArgMin
Factory method to create a class wrapping a new ArgMin operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ResourceScatterAdd
Factory method to create a class wrapping a new ResourceScatterAdd operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ResourceScatterDiv
Factory method to create a class wrapping a new ResourceScatterDiv operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ResourceScatterMax
Factory method to create a class wrapping a new ResourceScatterMax operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ResourceScatterMin
Factory method to create a class wrapping a new ResourceScatterMin operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ResourceScatterMul
Factory method to create a class wrapping a new ResourceScatterMul operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ResourceScatterSub
Factory method to create a class wrapping a new ResourceScatterSub operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.ResourceScatterUpdate
Factory method to create a class wrapping a new ResourceScatterUpdate operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdAdd.Options...) - Static method in class org.tensorflow.op.core.ResourceScatterNdAdd
Factory method to create a class wrapping a new ResourceScatterNdAdd operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdMax.Options...) - Static method in class org.tensorflow.op.core.ResourceScatterNdMax
Factory method to create a class wrapping a new ResourceScatterNdMax operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdMin.Options...) - Static method in class org.tensorflow.op.core.ResourceScatterNdMin
Factory method to create a class wrapping a new ResourceScatterNdMin operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdSub.Options...) - Static method in class org.tensorflow.op.core.ResourceScatterNdSub
Factory method to create a class wrapping a new ResourceScatterNdSub operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdUpdate.Options...) - Static method in class org.tensorflow.op.core.ResourceScatterNdUpdate
Factory method to create a class wrapping a new ResourceScatterNdUpdate operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient
Factory method to create a class wrapping a new RaggedTensorToVariantGradient operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<TInt64>) - Static method in class org.tensorflow.op.core.TensorListSplit
Factory method to create a class wrapping a new TensorListSplit operation.
create(Scope, Operand<? extends TType>, Operand<? extends TNumber>, Operand<TInt64>, Class<U>) - Static method in class org.tensorflow.op.core.TensorListConcat
Factory method to create a class wrapping a new TensorListConcatV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.AssignAddVariableOp
Factory method to create a class wrapping a new AssignAddVariableOp operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.AssignSubVariableOp
Factory method to create a class wrapping a new AssignSubVariableOp operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.LookupTableRemove
Factory method to create a class wrapping a new LookupTableRemoveV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.TensorListPushBack
Factory method to create a class wrapping a new TensorListPushBack operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.TensorListPushBackBatch
Factory method to create a class wrapping a new TensorListPushBackBatch operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.TensorMapHasKey
Factory method to create a class wrapping a new TensorMapHasKey operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.DeleteIterator
Factory method to create a class wrapping a new DeleteIterator operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.DeleteMemoryCache
Factory method to create a class wrapping a new DeleteMemoryCache operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.DeserializeIterator
Factory method to create a class wrapping a new DeserializeIterator operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.InitializeTableFromDataset
Factory method to create a class wrapping a new InitializeTableFromDataset operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.MakeIterator
Factory method to create a class wrapping a new MakeIterator operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.data.StatsAggregatorSetSummaryWriter
Factory method to create a class wrapping a new StatsAggregatorSetSummaryWriter operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.io.ReaderRead
Factory method to create a class wrapping a new ReaderReadV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMul
Factory method to create a class wrapping a new SparseMatrixMul operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.random.DeleteRandomSeedGenerator
Factory method to create a class wrapping a new DeleteRandomSeedGenerator operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.random.DeleteSeedGenerator
Factory method to create a class wrapping a new DeleteSeedGenerator operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.core.TensorListConcatLists
Factory method to create a class wrapping a new TensorListConcatLists operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Class<T>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad
Factory method to create a class wrapping a new SparseMatrixSoftmaxGrad operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Class<T>, SparseMatrixSparseMatMul.Options...) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
Factory method to create a class wrapping a new SparseMatrixSparseMatMul operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.core.TensorMapErase
Factory method to create a class wrapping a new TensorMapErase operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.core.TensorMapLookup
Factory method to create a class wrapping a new TensorMapLookup operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Class<V>, BatchMatMul.Options...) - Static method in class org.tensorflow.op.train.BatchMatMul
Factory method to create a class wrapping a new BatchMatMulV3 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.ThreadPoolDataset
Factory method to create a class wrapping a new ExperimentalThreadPoolDataset operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.ThreadPoolDataset
Factory method to create a class wrapping a new ThreadPoolDataset operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ConcatenateDataset.Options...) - Static method in class org.tensorflow.op.data.ConcatenateDataset
Factory method to create a class wrapping a new ConcatenateDataset operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, AssignVariableOp.Options...) - Static method in class org.tensorflow.op.core.AssignVariableOp
Factory method to create a class wrapping a new AssignVariableOp operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.InitializeTable
Factory method to create a class wrapping a new InitializeTableV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.LookupTableImport
Factory method to create a class wrapping a new LookupTableImportV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.LookupTableInsert
Factory method to create a class wrapping a new LookupTableInsertV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.TensorMapInsert
Factory method to create a class wrapping a new TensorMapInsert operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyCenteredRmsProp.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp
Factory method to create a class wrapping a new ResourceApplyCenteredRMSProp operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyCenteredRmsProp.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp
Factory method to create a class wrapping a new ResourceSparseApplyCenteredRMSProp operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdamWithAmsgrad.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad
Factory method to create a class wrapping a new ResourceApplyAdamWithAmsgrad operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, ResourceSparseApplyAdagradDa.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa
Factory method to create a class wrapping a new ResourceSparseApplyAdagradDA operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceSparseApplyFtrl.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyFtrl
Factory method to create a class wrapping a new ResourceSparseApplyFtrlV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdadelta.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyAdadelta
Factory method to create a class wrapping a new ResourceApplyAdadelta operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyAdadelta.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdadelta
Factory method to create a class wrapping a new ResourceSparseApplyAdadelta operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, ResourceApplyAdagradDa.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyAdagradDa
Factory method to create a class wrapping a new ResourceApplyAdagradDA operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyRmsProp.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyRmsProp
Factory method to create a class wrapping a new ResourceApplyRMSProp operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyRmsProp.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyRmsProp
Factory method to create a class wrapping a new ResourceSparseApplyRMSProp operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdaMax.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyAdaMax
Factory method to create a class wrapping a new ResourceApplyAdaMax operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyFtrl.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyFtrl
Factory method to create a class wrapping a new ResourceApplyFtrlV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdam.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyAdam
Factory method to create a class wrapping a new ResourceApplyAdam operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.TensorListScatterIntoExistingList
Factory method to create a class wrapping a new TensorListScatterIntoExistingList operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.data.MultiDeviceIteratorInit
Factory method to create a class wrapping a new MultiDeviceIteratorInit operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.io.ReaderReadUpTo
Factory method to create a class wrapping a new ReaderReadUpToV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt64>, Operand<TFloat32>) - Static method in class org.tensorflow.op.core.TensorArraySplit
Factory method to create a class wrapping a new TensorArraySplitV3 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset
Factory method to create a class wrapping a new ExperimentalSetStatsAggregatorDataset operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.SetStatsAggregatorDataset
Factory method to create a class wrapping a new SetStatsAggregatorDataset operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd
Factory method to create a class wrapping a new SparseMatrixAdd operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyAdagrad.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagrad
Factory method to create a class wrapping a new ResourceSparseApplyAdagrad operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, ResourceSparseApplyKerasMomentum.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum
Factory method to create a class wrapping a new ResourceSparseApplyKerasMomentum operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, ResourceSparseApplyMomentum.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyMomentum
Factory method to create a class wrapping a new ResourceSparseApplyMomentum operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdagrad.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyAdagrad
Factory method to create a class wrapping a new ResourceApplyAdagradV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyKerasMomentum.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyKerasMomentum
Factory method to create a class wrapping a new ResourceApplyKerasMomentum operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyMomentum.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyMomentum
Factory method to create a class wrapping a new ResourceApplyMomentum operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyAdagradV2.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2
Factory method to create a class wrapping a new ResourceSparseApplyAdagradV2 operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyProximalAdagrad.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyProximalAdagrad
Factory method to create a class wrapping a new ResourceApplyProximalAdagrad operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyProximalAdagrad.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad
Factory method to create a class wrapping a new ResourceSparseApplyProximalAdagrad operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAddSign.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyAddSign
Factory method to create a class wrapping a new ResourceApplyAddSign operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyPowerSign.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyPowerSign
Factory method to create a class wrapping a new ResourceApplyPowerSign operation.
create(Scope, Operand<? extends TType>, Operand<? extends TType>, Operand<U>) - Static method in class org.tensorflow.op.core.LookupTableFind
Factory method to create a class wrapping a new LookupTableFindV2 operation.
create(Scope, Operand<? extends TType>, Operand<TFloat32>) - Static method in class org.tensorflow.op.core.TensorArraySize
Factory method to create a class wrapping a new TensorArraySizeV3 operation.
create(Scope, Operand<? extends TType>, Operand<TFloat32>, Class<T>, TensorArrayConcat.Options...) - Static method in class org.tensorflow.op.core.TensorArrayConcat
Factory method to create a class wrapping a new TensorArrayConcatV3 operation.
create(Scope, Operand<? extends TType>, Operand<TFloat32>, String) - Static method in class org.tensorflow.op.core.TensorArrayGrad
Factory method to create a class wrapping a new TensorArrayGradV3 operation.
create(Scope, Operand<? extends TType>, Operand<TFloat32>, Operand<TInt32>, String) - Static method in class org.tensorflow.op.core.TensorArrayGradWithShape
Factory method to create a class wrapping a new TensorArrayGradWithShape operation.
create(Scope, Operand<? extends TType>, Operand<TFloat32>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.SamplingDataset
Factory method to create a class wrapping a new SamplingDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.TensorListResize
Factory method to create a class wrapping a new TensorListResize operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.signal.Irfft
Factory method to create a class wrapping a new IRFFT operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.signal.Irfft2d
Factory method to create a class wrapping a new IRFFT2D operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.signal.Irfft3d
Factory method to create a class wrapping a new IRFFT3D operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.core.TensorListPopBack
Factory method to create a class wrapping a new TensorListPopBack operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents
Factory method to create a class wrapping a new CSRSparseMatrixComponents operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky
Factory method to create a class wrapping a new SparseMatrixSparseCholesky operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.train.ResourceAccumulatorTakeGradient
Factory method to create a class wrapping a new ResourceAccumulatorTakeGradient operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<T>, TensorListStack.Options...) - Static method in class org.tensorflow.op.core.TensorListStack
Factory method to create a class wrapping a new TensorListStack operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.Irfft
Factory method to create a class wrapping a new IRFFT operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.Irfft2d
Factory method to create a class wrapping a new IRFFT2D operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.Irfft3d
Factory method to create a class wrapping a new IRFFT3D operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, List<Class<? extends TType>>, QueueDequeueMany.Options...) - Static method in class org.tensorflow.op.io.QueueDequeueMany
Factory method to create a class wrapping a new QueueDequeueManyV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, List<Class<? extends TType>>, QueueDequeueUpTo.Options...) - Static method in class org.tensorflow.op.io.QueueDequeueUpTo
Factory method to create a class wrapping a new QueueDequeueUpToV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<? extends TNumber>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.TensorListScatter
Factory method to create a class wrapping a new TensorListScatterV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>) - Static method in class org.tensorflow.op.random.RngReadAndSkip
Factory method to create a class wrapping a new RngReadAndSkip operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>, TensorListSetItem.Options...) - Static method in class org.tensorflow.op.core.TensorListSetItem
Factory method to create a class wrapping a new TensorListSetItem operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>, Operand<TFloat32>) - Static method in class org.tensorflow.op.core.TensorArrayScatter
Factory method to create a class wrapping a new TensorArrayScatterV3 operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>, Operand<TFloat32>) - Static method in class org.tensorflow.op.core.TensorArrayWrite
Factory method to create a class wrapping a new TensorArrayWriteV3 operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<TFloat32>, Class<T>) - Static method in class org.tensorflow.op.core.TensorArrayRead
Factory method to create a class wrapping a new TensorArrayReadV3 operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<TFloat32>, Class<T>, TensorArrayGather.Options...) - Static method in class org.tensorflow.op.core.TensorArrayGather
Factory method to create a class wrapping a new TensorArrayGatherV3 operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.signal.IrfftNd
Factory method to create a class wrapping a new IRFFTND operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.core.TensorListGather
Factory method to create a class wrapping a new TensorListGather operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.core.TensorListGetItem
Factory method to create a class wrapping a new TensorListGetItem operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.signal.IrfftNd
Factory method to create a class wrapping a new IRFFTND operation.
create(Scope, Operand<? extends TType>, Operand<TInt32>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard
Factory method to create a class wrapping a new MultiDeviceIteratorGetNextFromShard operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix
Factory method to create a class wrapping a new DenseToCSRSparseMatrix operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.train.ResourceAccumulatorSetGlobalStep
Factory method to create a class wrapping a new ResourceAccumulatorSetGlobalStep operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Iterable<Operand<?>>, List<String>, List<String>, List<Class<? extends TType>>, List<Shape>, List<Class<? extends TType>>, List<Shape>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, ParseExampleDataset.Options...) - Static method in class org.tensorflow.op.data.ParseExampleDataset
Factory method to create a class wrapping a new ParseExampleDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Iterable<Operand<?>>, List<String>, List<String>, List<Class<? extends TType>>, List<Shape>, List<Class<? extends TType>>, List<Shape>, ParseExampleDataset.Options...) - Static method in class org.tensorflow.op.data.experimental.ParseExampleDataset
Factory method to create a class wrapping a new ExperimentalParseExampleDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Operand<TBool>, List<Shape>, PaddedBatchDataset.Options...) - Static method in class org.tensorflow.op.data.PaddedBatchDataset
Factory method to create a class wrapping a new PaddedBatchDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.core.GetElementAtIndex
Factory method to create a class wrapping a new GetElementAtIndex operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.AssertCardinalityDataset
Factory method to create a class wrapping a new AssertCardinalityDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset
Factory method to create a class wrapping a new ExperimentalMaxIntraOpParallelismDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset
Factory method to create a class wrapping a new ExperimentalPrivateThreadPoolDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.SleepDataset
Factory method to create a class wrapping a new ExperimentalSleepDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.MaxIntraOpParallelismDataset
Factory method to create a class wrapping a new MaxIntraOpParallelismDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.PrivateThreadPoolDataset
Factory method to create a class wrapping a new PrivateThreadPoolDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.SleepDataset
Factory method to create a class wrapping a new SleepDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, RebatchDataset.Options...) - Static method in class org.tensorflow.op.data.experimental.RebatchDataset
Factory method to create a class wrapping a new ExperimentalRebatchDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, PrefetchDataset.Options...) - Static method in class org.tensorflow.op.data.PrefetchDataset
Factory method to create a class wrapping a new PrefetchDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, RepeatDataset.Options...) - Static method in class org.tensorflow.op.data.RepeatDataset
Factory method to create a class wrapping a new RepeatDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, SkipDataset.Options...) - Static method in class org.tensorflow.op.data.SkipDataset
Factory method to create a class wrapping a new SkipDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, TakeDataset.Options...) - Static method in class org.tensorflow.op.data.TakeDataset
Factory method to create a class wrapping a new TakeDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TNumber>, Operand<U>, Operand<U>) - Static method in class org.tensorflow.op.random.StatefulRandomBinomial
Factory method to create a class wrapping a new StatefulRandomBinomial operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TNumber>, Operand<U>, Operand<U>, Class<V>) - Static method in class org.tensorflow.op.random.StatefulRandomBinomial
Factory method to create a class wrapping a new StatefulRandomBinomial operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Static method in class org.tensorflow.op.random.StatefulStandardNormal
Factory method to create a class wrapping a new StatefulStandardNormalV2 operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Static method in class org.tensorflow.op.random.StatefulTruncatedNormal
Factory method to create a class wrapping a new StatefulTruncatedNormal operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Static method in class org.tensorflow.op.random.StatefulUniform
Factory method to create a class wrapping a new StatefulUniform operation, with the default output types.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Static method in class org.tensorflow.op.train.ResourceAccumulatorApplyGradient
Factory method to create a class wrapping a new ResourceAccumulatorApplyGradient operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.random.StatefulStandardNormal
Factory method to create a class wrapping a new StatefulStandardNormalV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.random.StatefulTruncatedNormal
Factory method to create a class wrapping a new StatefulTruncatedNormal operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.random.StatefulUniform
Factory method to create a class wrapping a new StatefulUniform operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Static method in class org.tensorflow.op.random.StatefulUniformFullInt
Factory method to create a class wrapping a new StatefulUniformFullInt operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.summary.WriteSummary
Factory method to create a class wrapping a new WriteSummary operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Operand<U>, Operand<U>) - Static method in class org.tensorflow.op.random.StatefulUniformInt
Factory method to create a class wrapping a new StatefulUniformInt operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.RebatchDatasetV2
Factory method to create a class wrapping a new RebatchDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>, BatchDataset.Options...) - Static method in class org.tensorflow.op.data.BatchDataset
Factory method to create a class wrapping a new BatchDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.random.RngSkip
Factory method to create a class wrapping a new RngSkip operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Iterable<Operand<?>>, Long, List<ConcreteFunction>, List<Long>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.ChooseFastestBranchDataset
Factory method to create a class wrapping a new ChooseFastestBranchDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.DenseToSparseBatchDataset
Factory method to create a class wrapping a new DenseToSparseBatchDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset
Factory method to create a class wrapping a new ExperimentalDenseToSparseBatchDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, AutoShardDataset.Options...) - Static method in class org.tensorflow.op.data.AutoShardDataset
Factory method to create a class wrapping a new AutoShardDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, AutoShardDataset.Options...) - Static method in class org.tensorflow.op.data.experimental.AutoShardDataset
Factory method to create a class wrapping a new ExperimentalAutoShardDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, ShardDataset.Options...) - Static method in class org.tensorflow.op.data.ShardDataset
Factory method to create a class wrapping a new ShardDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>, ParallelBatchDataset.Options...) - Static method in class org.tensorflow.op.data.ParallelBatchDataset
Factory method to create a class wrapping a new ParallelBatchDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.SlidingWindowDataset
Factory method to create a class wrapping a new ExperimentalSlidingWindowDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, SlidingWindowDataset.Options...) - Static method in class org.tensorflow.op.data.SlidingWindowDataset
Factory method to create a class wrapping a new SlidingWindowDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ShuffleDataset.Options...) - Static method in class org.tensorflow.op.data.ShuffleDataset
Factory method to create a class wrapping a new ShuffleDatasetV3 operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>, WindowDataset.Options...) - Static method in class org.tensorflow.op.data.WindowDataset
Factory method to create a class wrapping a new WindowDataset operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ShuffleAndRepeatDataset.Options...) - Static method in class org.tensorflow.op.data.ShuffleAndRepeatDataset
Factory method to create a class wrapping a new ShuffleAndRepeatDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TString>) - Static method in class org.tensorflow.op.summary.WriteGraphSummary
Factory method to create a class wrapping a new WriteGraphSummary operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TString>) - Static method in class org.tensorflow.op.summary.WriteRawProtoSummary
Factory method to create a class wrapping a new WriteRawProtoSummary operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.summary.WriteScalarSummary
Factory method to create a class wrapping a new WriteScalarSummary operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<? extends TNumber>, Operand<TUint8>, WriteImageSummary.Options...) - Static method in class org.tensorflow.op.summary.WriteImageSummary
Factory method to create a class wrapping a new WriteImageSummary operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<? extends TType>) - Static method in class org.tensorflow.op.summary.WriteHistogramSummary
Factory method to create a class wrapping a new WriteHistogramSummary operation.
create(Scope, Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<TFloat32>, Operand<TFloat32>, WriteAudioSummary.Options...) - Static method in class org.tensorflow.op.summary.WriteAudioSummary
Factory method to create a class wrapping a new WriteAudioSummary operation.
create(Scope, Operand<? extends TType>, Operand<TString>) - Static method in class org.tensorflow.op.core.Fingerprint
Factory method to create a class wrapping a new Fingerprint operation.
create(Scope, Operand<? extends TType>, Operand<TString>) - Static method in class org.tensorflow.op.io.ReaderRestoreState
Factory method to create a class wrapping a new ReaderRestoreStateV2 operation.
create(Scope, Operand<? extends TType>, Operand<TString>) - Static method in class org.tensorflow.op.summary.ImportEvent
Factory method to create a class wrapping a new ImportEvent operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Iterable<Operand<?>>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, ConcreteFunction, SnapshotDataset.Options...) - Static method in class org.tensorflow.op.data.SnapshotDataset
Factory method to create a class wrapping a new SnapshotDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, SaveDataset.Options...) - Static method in class org.tensorflow.op.data.SaveDataset
Factory method to create a class wrapping a new SaveDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Long, Long, InitializeTableFromTextFile.Options...) - Static method in class org.tensorflow.op.core.InitializeTableFromTextFile
Factory method to create a class wrapping a new InitializeTableFromTextFileV2 operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.AssertNextDataset
Factory method to create a class wrapping a new AssertNextDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.AssertPrevDataset
Factory method to create a class wrapping a new AssertPrevDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.BytesProducedStatsDataset
Factory method to create a class wrapping a new BytesProducedStatsDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.AssertNextDataset
Factory method to create a class wrapping a new ExperimentalAssertNextDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset
Factory method to create a class wrapping a new ExperimentalBytesProducedStatsDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.LatencyStatsDataset
Factory method to create a class wrapping a new ExperimentalLatencyStatsDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.LatencyStatsDataset
Factory method to create a class wrapping a new LatencyStatsDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.RewriteDataset
Factory method to create a class wrapping a new RewriteDataset operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, CacheDataset.Options...) - Static method in class org.tensorflow.op.data.CacheDataset
Factory method to create a class wrapping a new CacheDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<TInt32>, Operand<TInt32>, Operand<TString>) - Static method in class org.tensorflow.op.summary.CreateSummaryFileWriter
Factory method to create a class wrapping a new CreateSummaryFileWriter operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.data.DatasetToTfRecord
Factory method to create a class wrapping a new DatasetToTFRecord operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.data.experimental.DatasetToTFRecord
Factory method to create a class wrapping a new ExperimentalDatasetToTFRecord operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<TString>, Long, RegisterDataset.Options...) - Static method in class org.tensorflow.op.data.RegisterDataset
Factory method to create a class wrapping a new RegisterDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<TString>, DistributedSave.Options...) - Static method in class org.tensorflow.op.train.DistributedSave
Factory method to create a class wrapping a new DistributedSave operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>, OptimizeDataset.Options...) - Static method in class org.tensorflow.op.data.OptimizeDataset
Factory method to create a class wrapping a new OptimizeDatasetV2 operation.
create(Scope, Operand<? extends TType>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.summary.CreateSummaryDbWriter
Factory method to create a class wrapping a new CreateSummaryDbWriter operation.
create(Scope, Operand<? extends TType>, Operand<T>, StackPush.Options...) - Static method in class org.tensorflow.op.core.StackPush
Factory method to create a class wrapping a new StackPushV2 operation.
create(Scope, Operand<? extends TType>, Operand<T>, SparseMatrixMatMul.Options...) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Factory method to create a class wrapping a new SparseMatrixMatMul operation.
create(Scope, Operand<? extends TType>, Operand<T>, Operand<T>, ResourceApplyGradientDescent.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyGradientDescent
Factory method to create a class wrapping a new ResourceApplyGradientDescent operation.
create(Scope, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TType>, ResourceStridedSliceAssign.Options...) - Static method in class org.tensorflow.op.core.ResourceStridedSliceAssign
Factory method to create a class wrapping a new ResourceStridedSliceAssign operation.
create(Scope, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyProximalGradientDescent.Options...) - Static method in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent
Factory method to create a class wrapping a new ResourceApplyProximalGradientDescent operation.
create(Scope, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyProximalGradientDescent.Options...) - Static method in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent
Factory method to create a class wrapping a new ResourceSparseApplyProximalGradientDescent operation.
create(Scope, Operand<TBool>) - Static method in class org.tensorflow.op.core.LoopCond
Factory method to create a class wrapping a new LoopCond operation.
create(Scope, Operand<TBool>) - Static method in class org.tensorflow.op.math.LogicalNot
Factory method to create a class wrapping a new LogicalNot operation.
create(Scope, Operand<TBool>, Iterable<Operand<?>>, AssertThat.Options...) - Static method in class org.tensorflow.op.core.AssertThat
Factory method to create a class wrapping a new Assert operation.
create(Scope, Operand<TBool>, Operand<? extends TNumber>, All.Options...) - Static method in class org.tensorflow.op.core.All
Factory method to create a class wrapping a new All operation.
create(Scope, Operand<TBool>, Operand<? extends TNumber>, Any.Options...) - Static method in class org.tensorflow.op.core.Any
Factory method to create a class wrapping a new Any operation.
create(Scope, Operand<TBool>, Operand<? extends TNumber>, ReduceAll.Options...) - Static method in class org.tensorflow.op.core.ReduceAll
Factory method to create a class wrapping a new All operation.
create(Scope, Operand<TBool>, Operand<? extends TNumber>, ReduceAny.Options...) - Static method in class org.tensorflow.op.core.ReduceAny
Factory method to create a class wrapping a new Any operation.
create(Scope, Operand<TBool>, Operand<TBool>) - Static method in class org.tensorflow.op.math.LogicalAnd
Factory method to create a class wrapping a new LogicalAnd operation.
create(Scope, Operand<TBool>, Operand<TBool>) - Static method in class org.tensorflow.op.math.LogicalOr
Factory method to create a class wrapping a new LogicalOr operation.
create(Scope, Operand<TBool>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.Select
Factory method to create a class wrapping a new SelectV2 operation.
create(Scope, Operand<TFloat32>) - Static method in class org.tensorflow.op.core.MakeUnique
Factory method to create a class wrapping a new MakeUnique operation.
create(Scope, Operand<TFloat32>, Long) - Static method in class org.tensorflow.op.core.KthOrderStatistic
Factory method to create a class wrapping a new KthOrderStatistic operation.
create(Scope, Operand<TFloat32>, Long) - Static method in class org.tensorflow.op.core.TopKUnique
Factory method to create a class wrapping a new TopKUnique operation.
create(Scope, Operand<TFloat32>, Long) - Static method in class org.tensorflow.op.core.TopKWithUnique
Factory method to create a class wrapping a new TopKWithUnique operation.
create(Scope, Operand<TFloat32>, Long, Long, AudioSpectrogram.Options...) - Static method in class org.tensorflow.op.audio.AudioSpectrogram
Factory method to create a class wrapping a new AudioSpectrogram operation.
create(Scope, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingStochasticGradientDescentParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingStochasticGradientDescentParameters operation.
create(Scope, Operand<TFloat32>, FakeQuantWithMinMaxArgs.Options...) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
Factory method to create a class wrapping a new FakeQuantWithMinMaxArgs operation.
create(Scope, Operand<TFloat32>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, CropAndResizeGradBoxes.Options...) - Static method in class org.tensorflow.op.image.CropAndResizeGradBoxes
Factory method to create a class wrapping a new CropAndResizeGradBoxes operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Long, Long) - Static method in class org.tensorflow.op.tpu.EmbeddingActivations
Factory method to create a class wrapping a new TPUEmbeddingActivations operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Long, Long) - Static method in class org.tensorflow.op.tpu.TPUEmbeddingActivations
Deprecated.
Factory method to create a class wrapping a new TPUEmbeddingActivations operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingAdagradParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingAdagradParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingFrequencyEstimatorParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingFrequencyEstimatorParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingMomentumParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingMomentumParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingProximalAdagradParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingProximalAdagradParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxArgsGradient.Options...) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
Factory method to create a class wrapping a new FakeQuantWithMinMaxArgsGradient operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<T>, Quantize.Options...) - Static method in class org.tensorflow.op.quantization.Quantize
Factory method to create a class wrapping a new QuantizeV2 operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingAdadeltaParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingAdadeltaParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingAdagradMomentumParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingAdagradMomentumParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingADAMParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingADAMParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingFTRLParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingFTRLParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingProximalYogiParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingProximalYogiParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingRMSPropParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingRMSPropParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVars.Options...) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars
Factory method to create a class wrapping a new FakeQuantWithMinMaxVars operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVarsPerChannel.Options...) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel
Factory method to create a class wrapping a new FakeQuantWithMinMaxVarsPerChannel operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingCenteredRMSPropParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingCenteredRMSPropParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingMDLAdagradLightParameters.Options...) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters
Factory method to create a class wrapping a new LoadTPUEmbeddingMDLAdagradLightParameters operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVarsGradient.Options...) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
Factory method to create a class wrapping a new FakeQuantWithMinMaxVarsGradient operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVarsPerChannelGradient.Options...) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
Factory method to create a class wrapping a new FakeQuantWithMinMaxVarsPerChannelGradient operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, GenerateBoundingBoxProposals.Options...) - Static method in class org.tensorflow.op.image.GenerateBoundingBoxProposals
Factory method to create a class wrapping a new GenerateBoundingBoxProposals operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Boolean, Float) - Static method in class org.tensorflow.op.xla.XlaSparseCoreFtrl
Factory method to create a class wrapping a new XlaSparseCoreFtrl operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>) - Static method in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps
Factory method to create a class wrapping a new NonMaxSuppressionWithOverlaps operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, Class<T>, CropAndResizeGradImage.Options...) - Static method in class org.tensorflow.op.image.CropAndResizeGradImage
Factory method to create a class wrapping a new CropAndResizeGradImage operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, List<Long>, Long) - Static method in class org.tensorflow.op.train.NegTrain
Factory method to create a class wrapping a new NegTrain operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, CombinedNonMaxSuppression.Options...) - Static method in class org.tensorflow.op.image.CombinedNonMaxSuppression
Factory method to create a class wrapping a new CombinedNonMaxSuppression operation.
create(Scope, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt64>) - Static method in class org.tensorflow.op.image.NearestNeighbors
Factory method to create a class wrapping a new NearestNeighbors operation.
create(Scope, Operand<TFloat32>, Operand<TInt32>) - Static method in class org.tensorflow.op.audio.EncodeWav
Factory method to create a class wrapping a new EncodeWav operation.
create(Scope, Operand<TFloat32>, Operand<TInt32>, Mfcc.Options...) - Static method in class org.tensorflow.op.audio.Mfcc
Factory method to create a class wrapping a new Mfcc operation.
create(Scope, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, ExtractGlimpse.Options...) - Static method in class org.tensorflow.op.image.ExtractGlimpse
Factory method to create a class wrapping a new ExtractGlimpseV2 operation.
create(Scope, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Boolean) - Static method in class org.tensorflow.op.xla.XlaSparseCoreAdam
Factory method to create a class wrapping a new XlaSparseCoreAdam operation.
create(Scope, Operand<TFloat32>, Operand<TInt64>) - Static method in class org.tensorflow.op.cluster.KMC2ChainInitialization
Factory method to create a class wrapping a new KMC2ChainInitialization operation.
create(Scope, Operand<TFloat32>, Operand<TInt64>, Operand<TInt32>, Operand<TInt32>, CTCLossV2.Options...) - Static method in class org.tensorflow.op.nn.CTCLossV2
Factory method to create a class wrapping a new CTCLossV2 operation.
create(Scope, Operand<TFloat32>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization
Factory method to create a class wrapping a new KmeansPlusPlusInitialization operation.
create(Scope, Operand<TFloat32>, Operand<T>, ResizeBicubicGrad.Options...) - Static method in class org.tensorflow.op.image.ResizeBicubicGrad
Factory method to create a class wrapping a new ResizeBicubicGrad operation.
create(Scope, Operand<TFloat32>, Operand<T>, ResizeBilinearGrad.Options...) - Static method in class org.tensorflow.op.image.ResizeBilinearGrad
Factory method to create a class wrapping a new ResizeBilinearGrad operation.
create(Scope, Operand<TFloat32>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.InTopK
Factory method to create a class wrapping a new InTopKV2 operation.
create(Scope, Operand<TInt32>) - Static method in class org.tensorflow.op.strings.UnicodeScript
Factory method to create a class wrapping a new UnicodeScript operation.
create(Scope, Operand<TInt32>, Class<T>, Shape) - Static method in class org.tensorflow.op.tpu.OutfeedDequeueV2
Factory method to create a class wrapping a new OutfeedDequeueV2 operation.
create(Scope, Operand<TInt32>, Class<T>, Empty.Options...) - Static method in class org.tensorflow.op.core.Empty
Factory method to create a class wrapping a new Empty operation.
create(Scope, Operand<TInt32>, Class<T>, StackCreate.Options...) - Static method in class org.tensorflow.op.core.StackCreate
Factory method to create a class wrapping a new StackV2 operation.
create(Scope, Operand<TInt32>, Class<T>, TensorArray.Options...) - Static method in class org.tensorflow.op.core.TensorArray
Factory method to create a class wrapping a new TensorArrayV3 operation.
create(Scope, Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<ConcreteFunction>, Case.Options...) - Static method in interface org.tensorflow.op.core.Case
Factory method to create a class wrapping a new Case operation.
create(Scope, Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<ConcreteFunction>, Case.Options...) - Static method in class org.tensorflow.op.core.StatefulCase
Factory method to create a class wrapping a new Case operation.
create(Scope, Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<ConcreteFunction>, Case.Options...) - Static method in class org.tensorflow.op.core.StatelessCase
Factory method to create a class wrapping a new StatelessCase operation.
create(Scope, Operand<TInt32>, Iterable<Operand<?>>, List<String>, String, EncodeProto.Options...) - Static method in class org.tensorflow.op.core.EncodeProto
Factory method to create a class wrapping a new EncodeProto operation.
create(Scope, Operand<TInt32>, Iterable<Operand<T>>) - Static method in class org.tensorflow.op.core.ConcatOffset
Factory method to create a class wrapping a new ConcatOffset operation.
create(Scope, Operand<TInt32>, Iterable<Operand<T>>) - Static method in class org.tensorflow.op.core.RefSelect
Factory method to create a class wrapping a new RefSelect operation.
create(Scope, Operand<TInt32>, Iterable<Operand<T>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>) - Static method in class org.tensorflow.op.quantization.QuantizedConcat
Factory method to create a class wrapping a new QuantizedConcat operation.
create(Scope, Operand<TInt32>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.tpu.OutfeedDequeueTupleV2
Factory method to create a class wrapping a new OutfeedDequeueTupleV2 operation.
create(Scope, Operand<TInt32>, List<Class<? extends TType>>, MapUnstageNoKey.Options...) - Static method in class org.tensorflow.op.core.MapUnstageNoKey
Factory method to create a class wrapping a new MapUnstageNoKey operation.
create(Scope, Operand<TInt32>, List<Class<? extends TType>>, OrderedMapUnstageNoKey.Options...) - Static method in class org.tensorflow.op.core.OrderedMapUnstageNoKey
Factory method to create a class wrapping a new OrderedMapUnstageNoKey operation.
create(Scope, Operand<TInt32>, List<Class<? extends TType>>, StagePeek.Options...) - Static method in class org.tensorflow.op.core.StagePeek
Factory method to create a class wrapping a new StagePeek operation.
create(Scope, Operand<TInt32>, Operand<? extends TNumber>, String, UnicodeEncode.Options...) - Static method in class org.tensorflow.op.strings.UnicodeEncode
Factory method to create a class wrapping a new UnicodeEncode operation.
create(Scope, Operand<TInt32>, Operand<? extends TType>, Operand<TFloat32>, Operand<? extends TType>, Operand<TFloat32>, Long, Long, Long) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmul
Factory method to create a class wrapping a new XlaSparseDenseMatmul operation.
create(Scope, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long) - Static method in class org.tensorflow.op.xla.XlaSparseCoreSgd
Factory method to create a class wrapping a new XlaSparseCoreSgd operation.
create(Scope, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long) - Static method in class org.tensorflow.op.xla.XlaSparseCoreAdagrad
Factory method to create a class wrapping a new XlaSparseCoreAdagrad operation.
create(Scope, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Boolean, Float, Float) - Static method in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum
Factory method to create a class wrapping a new XlaSparseCoreAdagradMomentum operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Long, String) - Static method in class org.tensorflow.op.tpu.ConvertToCooTensor
Factory method to create a class wrapping a new ConvertToCooTensor operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.collective.CollectiveAssignGroup
Factory method to create a class wrapping a new CollectiveAssignGroupV2 operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.math.SobolSample
Factory method to create a class wrapping a new SobolSample operation, with the default output types.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.math.SobolSample
Factory method to create a class wrapping a new SobolSample operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Class<U>, Class<T>, CudnnRnnParamsSize.Options...) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Factory method to create a class wrapping a new CudnnRNNParamsSize operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<?>>, ConcreteFunction) - Static method in class org.tensorflow.op.core.For
Factory method to create a class wrapping a new For operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<T>>, Iterable<Operand<T>>, CudnnRNNCanonicalToParams.Options...) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Factory method to create a class wrapping a new CudnnRNNCanonicalToParamsV2 operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, CollectiveInitializeCommunicator.Options...) - Static method in class org.tensorflow.op.collective.CollectiveInitializeCommunicator
Factory method to create a class wrapping a new CollectiveInitializeCommunicator operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<? extends TNumber>, Class<U>, CollectiveBcastRecv.Options...) - Static method in class org.tensorflow.op.collective.CollectiveBcastRecv
Factory method to create a class wrapping a new CollectiveBcastRecvV2 operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Boolean, Float, Float, Float, Float, String, XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Options...) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
Factory method to create a class wrapping a new XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Boolean, Float, Float, Float, Float, String, XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Options...) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
Factory method to create a class wrapping a new XlaSparseDenseMatmulGradWithFtrlAndCsrInput operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Boolean, Float, Float, Float, String, XlaSparseDenseMatmulGradWithAdamAndCsrInput.Options...) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
Factory method to create a class wrapping a new XlaSparseDenseMatmulGradWithAdamAndCsrInput operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, String, XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Options...) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput
Factory method to create a class wrapping a new XlaSparseDenseMatmulGradWithAdagradAndCsrInput operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, String, XlaSparseDenseMatmulGradWithSgdAndCsrInput.Options...) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput
Factory method to create a class wrapping a new XlaSparseDenseMatmulGradWithSgdAndCsrInput operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Long, Float, Float, Long, String) - Static method in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput
Factory method to create a class wrapping a new XlaSparseDenseMatmulWithCsrInput operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<T>, Long, Long, CudnnRNNParamsToCanonical.Options...) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Factory method to create a class wrapping a new CudnnRNNParamsToCanonicalV2 operation.
create(Scope, Operand<TInt32>, Operand<TInt32>, Operand<T>) - Static method in class org.tensorflow.op.math.Bincount
Factory method to create a class wrapping a new Bincount operation.
create(Scope, Operand<TInt32>, Operand<T>, Long) - Static method in class org.tensorflow.op.core.Split
Factory method to create a class wrapping a new Split operation.
create(Scope, Operand<TInt32>, Operand<T>, List<Long>, List<Long>, String, AvgPool3dGrad.Options...) - Static method in class org.tensorflow.op.nn.AvgPool3dGrad
Factory method to create a class wrapping a new AvgPool3DGrad operation.
create(Scope, Operand<TInt32>, Operand<T>, List<Long>, List<Long>, String, AvgPoolGrad.Options...) - Static method in class org.tensorflow.op.nn.AvgPoolGrad
Factory method to create a class wrapping a new AvgPoolGrad operation.
create(Scope, Operand<TInt32>, Operand<T>, Operand<T>, List<Long>, String, Conv2dBackpropInput.Options...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInput
Factory method to create a class wrapping a new Conv2DBackpropInput operation.
create(Scope, Operand<TInt32>, Operand<T>, Operand<T>, List<Long>, String, DepthwiseConv2dNativeBackpropInput.Options...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
Factory method to create a class wrapping a new DepthwiseConv2dNativeBackpropInput operation.
create(Scope, Operand<TInt64>) - Static method in class org.tensorflow.op.tpu.TpuHandleToProtoKey
Factory method to create a class wrapping a new TpuHandleToProtoKey operation.
create(Scope, Operand<TInt64>, Class<T>) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixZeros
Factory method to create a class wrapping a new SparseMatrixZeros operation.
create(Scope, Operand<TInt64>, Class<T>, TakeManySparseFromTensorsMap.Options...) - Static method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
Factory method to create a class wrapping a new TakeManySparseFromTensorsMap operation.
create(Scope, Operand<TInt64>, Long, Long, Boolean, Long, FixedUnigramCandidateSampler.Options...) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Factory method to create a class wrapping a new FixedUnigramCandidateSampler operation.
create(Scope, Operand<TInt64>, Long, Long, Boolean, Long, LearnedUnigramCandidateSampler.Options...) - Static method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
Factory method to create a class wrapping a new LearnedUnigramCandidateSampler operation.
create(Scope, Operand<TInt64>, Long, Long, Boolean, Long, LogUniformCandidateSampler.Options...) - Static method in class org.tensorflow.op.random.LogUniformCandidateSampler
Factory method to create a class wrapping a new LogUniformCandidateSampler operation.
create(Scope, Operand<TInt64>, Long, Long, Boolean, Long, ThreadUnsafeUnigramCandidateSampler.Options...) - Static method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
Factory method to create a class wrapping a new ThreadUnsafeUnigramCandidateSampler operation.
create(Scope, Operand<TInt64>, Long, Long, Boolean, Long, UniformCandidateSampler.Options...) - Static method in class org.tensorflow.op.random.UniformCandidateSampler
Factory method to create a class wrapping a new UniformCandidateSampler operation.
create(Scope, Operand<TInt64>, Long, Long, Boolean, AllCandidateSampler.Options...) - Static method in class org.tensorflow.op.random.AllCandidateSampler
Factory method to create a class wrapping a new AllCandidateSampler operation.
create(Scope, Operand<TInt64>, Operand<? extends TNumber>, Operand<TInt64>, Operand<U>, Boolean, SparseCountSparseOutput.Options...) - Static method in class org.tensorflow.op.sparse.SparseCountSparseOutput
Factory method to create a class wrapping a new SparseCountSparseOutput operation.
create(Scope, Operand<TInt64>, Operand<? extends TNumber>, Operand<U>, Boolean, RaggedCountSparseOutput.Options...) - Static method in class org.tensorflow.op.ragged.RaggedCountSparseOutput
Factory method to create a class wrapping a new RaggedCountSparseOutput operation.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.data.SparseTensorSliceDataset
Factory method to create a class wrapping a new SparseTensorSliceDataset operation.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.io.SerializeManySparse
Factory method to create a class wrapping a new SerializeManySparse operation, with the default output types.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.io.SerializeSparse
Factory method to create a class wrapping a new SerializeSparse operation, with the default output types.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Static method in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix
Factory method to create a class wrapping a new SparseTensorToCSRSparseMatrix operation.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, Class<U>) - Static method in class org.tensorflow.op.io.SerializeManySparse
Factory method to create a class wrapping a new SerializeManySparse operation.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, Class<U>) - Static method in class org.tensorflow.op.io.SerializeSparse
Factory method to create a class wrapping a new SerializeSparse operation.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, SetSize.Options...) - Static method in class org.tensorflow.op.core.SetSize
Factory method to create a class wrapping a new SetSize operation.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, AddManySparseToTensorsMap.Options...) - Static method in class org.tensorflow.op.sparse.AddManySparseToTensorsMap
Factory method to create a class wrapping a new AddManySparseToTensorsMap operation.
create(Scope, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, AddSparseToTensorsMap.Options...) - Static method in class org.tensorflow.op.sparse.AddSparseToTensorsMap
Factory method to create a class wrapping a new AddSparseToTensorsMap operation.
create(Scope, Operand<TInt64>, Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, MapStage.Options...) - Static method in class org.tensorflow.op.core.MapStage
Factory method to create a class wrapping a new MapStage operation.
create(Scope, Operand<TInt64>, Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, OrderedMapStage.Options...) - Static method in class org.tensorflow.op.core.OrderedMapStage
Factory method to create a class wrapping a new OrderedMapStage operation.
create(Scope, Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, MapPeek.Options...) - Static method in class org.tensorflow.op.core.MapPeek
Factory method to create a class wrapping a new MapPeek operation.
create(Scope, Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, MapUnstage.Options...) - Static method in class org.tensorflow.op.core.MapUnstage
Factory method to create a class wrapping a new MapUnstage operation.
create(Scope, Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, OrderedMapPeek.Options...) - Static method in class org.tensorflow.op.core.OrderedMapPeek
Factory method to create a class wrapping a new OrderedMapPeek operation.
create(Scope, Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, OrderedMapUnstage.Options...) - Static method in class org.tensorflow.op.core.OrderedMapUnstage
Factory method to create a class wrapping a new OrderedMapUnstage operation.
create(Scope, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.random.AnonymousRandomSeedGenerator
Factory method to create a class wrapping a new AnonymousRandomSeedGenerator operation.
create(Scope, Operand<TInt64>, Operand<TInt64>, Long, ComputeAccidentalHits.Options...) - Static method in class org.tensorflow.op.nn.ComputeAccidentalHits
Factory method to create a class wrapping a new ComputeAccidentalHits operation.
create(Scope, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.RandomDataset
Factory method to create a class wrapping a new ExperimentalRandomDataset operation.
create(Scope, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, RandomDataset.Options...) - Static method in class org.tensorflow.op.data.RandomDataset
Factory method to create a class wrapping a new RandomDatasetV2 operation.
create(Scope, Operand<TInt64>, Operand<TInt64>, Operand<TBool>) - Static method in class org.tensorflow.op.random.AnonymousSeedGenerator
Factory method to create a class wrapping a new AnonymousSeedGenerator operation.
create(Scope, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseReshape
Factory method to create a class wrapping a new SparseReshape operation.
create(Scope, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, RangeDataset.Options...) - Static method in class org.tensorflow.op.data.RangeDataset
Factory method to create a class wrapping a new RangeDataset operation.
create(Scope, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, Long) - Static method in class org.tensorflow.op.sparse.SparseSplit
Factory method to create a class wrapping a new SparseSplit operation.
create(Scope, Operand<TInt64>, Operand<T>) - Static method in class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad
Factory method to create a class wrapping a new RaggedFillEmptyRowsGrad operation.
create(Scope, Operand<TInt64>, Operand<T>) - Static method in class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad
Factory method to create a class wrapping a new SparseFillEmptyRowsGrad operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseReorder
Factory method to create a class wrapping a new SparseReorder operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseSoftmax
Factory method to create a class wrapping a new SparseSoftmax operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceMax.Options...) - Static method in class org.tensorflow.op.sparse.SparseReduceMax
Factory method to create a class wrapping a new SparseReduceMax operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceMaxSparse.Options...) - Static method in class org.tensorflow.op.sparse.SparseReduceMaxSparse
Factory method to create a class wrapping a new SparseReduceMaxSparse operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceSum.Options...) - Static method in class org.tensorflow.op.sparse.SparseReduceSum
Factory method to create a class wrapping a new SparseReduceSum operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceSumSparse.Options...) - Static method in class org.tensorflow.op.sparse.SparseReduceSumSparse
Factory method to create a class wrapping a new SparseReduceSumSparse operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, FractionalAvgPoolGrad.Options...) - Static method in class org.tensorflow.op.nn.FractionalAvgPoolGrad
Factory method to create a class wrapping a new FractionalAvgPoolGrad operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseSlice
Factory method to create a class wrapping a new SparseSlice operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseSparseMaximum
Factory method to create a class wrapping a new SparseSparseMaximum operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseSparseMinimum
Factory method to create a class wrapping a new SparseSparseMinimum operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, String, SparseToSparseSetOperation.Options...) - Static method in class org.tensorflow.op.sparse.SparseToSparseSetOperation
Factory method to create a class wrapping a new SparseToSparseSetOperation operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, EditDistance.Options...) - Static method in class org.tensorflow.op.core.EditDistance
Factory method to create a class wrapping a new EditDistance operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.sparse.SparseAdd
Factory method to create a class wrapping a new SparseAdd operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Static method in class org.tensorflow.op.ragged.RaggedFillEmptyRows
Factory method to create a class wrapping a new RaggedFillEmptyRows operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Static method in class org.tensorflow.op.sparse.SparseDenseCwiseAdd
Factory method to create a class wrapping a new SparseDenseCwiseAdd operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Static method in class org.tensorflow.op.sparse.SparseDenseCwiseDiv
Factory method to create a class wrapping a new SparseDenseCwiseDiv operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Static method in class org.tensorflow.op.sparse.SparseDenseCwiseMul
Factory method to create a class wrapping a new SparseDenseCwiseMul operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Static method in class org.tensorflow.op.sparse.SparseFillEmptyRows
Factory method to create a class wrapping a new SparseFillEmptyRows operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>, Operand<U>, SparseBincount.Options...) - Static method in class org.tensorflow.op.sparse.SparseBincount
Factory method to create a class wrapping a new SparseBincount operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, BlockLSTM.Options...) - Static method in class org.tensorflow.op.nn.BlockLSTM
Factory method to create a class wrapping a new BlockLSTMV2 operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Boolean) - Static method in class org.tensorflow.op.nn.BlockLSTMGrad
Factory method to create a class wrapping a new BlockLSTMGradV2 operation.
create(Scope, Operand<TInt64>, Operand<T>, Operand<T>, Operand<U>, RaggedBincount.Options...) - Static method in class org.tensorflow.op.ragged.RaggedBincount
Factory method to create a class wrapping a new RaggedBincount operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.core.BarrierIncompleteSize
Factory method to create a class wrapping a new BarrierIncompleteSize operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.core.BarrierReadySize
Factory method to create a class wrapping a new BarrierReadySize operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.core.DeleteSessionTensor
Factory method to create a class wrapping a new DeleteSessionTensor operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.data.DatasetFromGraph
Factory method to create a class wrapping a new DatasetFromGraph operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.data.experimental.MatchingFilesDataset
Factory method to create a class wrapping a new ExperimentalMatchingFilesDataset operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.data.MatchingFilesDataset
Factory method to create a class wrapping a new MatchingFilesDataset operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.image.DecodeGif
Factory method to create a class wrapping a new DecodeGif operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.image.ExtractJpegShape
Factory method to create a class wrapping a new ExtractJpegShape operation, with the default output types.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.io.DecodeBase64
Factory method to create a class wrapping a new DecodeBase64 operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.io.DecodeJsonExample
Factory method to create a class wrapping a new DecodeJSONExample operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.io.MatchingFiles
Factory method to create a class wrapping a new MatchingFiles operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.io.ReadFile
Factory method to create a class wrapping a new ReadFile operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.strings.Strip
Factory method to create a class wrapping a new StringStrip operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.strings.ToNumber
Factory method to create a class wrapping a new StringToNumber operation, with the default output types.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.tpu.CompileSucceededAssert
Factory method to create a class wrapping a new TPUCompileSucceededAssert operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingMemory
Factory method to create a class wrapping a new ConfigureTPUEmbeddingMemory operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.tpu.WorkerHeartbeat
Factory method to create a class wrapping a new WorkerHeartbeat operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.train.AccumulatorNumAccumulated
Factory method to create a class wrapping a new AccumulatorNumAccumulated operation.
create(Scope, Operand<TString>) - Static method in class org.tensorflow.op.train.SdcaFprint
Factory method to create a class wrapping a new SdcaFprint operation.
create(Scope, Operand<TString>, Class<T>) - Static method in class org.tensorflow.op.core.GetSessionTensor
Factory method to create a class wrapping a new GetSessionTensor operation.
create(Scope, Operand<TString>, Class<T>) - Static method in class org.tensorflow.op.image.ExtractJpegShape
Factory method to create a class wrapping a new ExtractJpegShape operation.
create(Scope, Operand<TString>, Class<T>) - Static method in class org.tensorflow.op.io.DeserializeManySparse
Factory method to create a class wrapping a new DeserializeManySparse operation.
create(Scope, Operand<TString>, Class<T>) - Static method in class org.tensorflow.op.io.ParseTensor
Factory method to create a class wrapping a new ParseTensor operation.
create(Scope, Operand<TString>, Class<T>) - Static method in class org.tensorflow.op.strings.ToNumber
Factory method to create a class wrapping a new StringToNumber operation.
create(Scope, Operand<TString>, Class<T>, DecodeImage.Options...) - Static method in class org.tensorflow.op.image.DecodeImage
Factory method to create a class wrapping a new DecodeImage operation.
create(Scope, Operand<TString>, Class<T>, DecodePng.Options...) - Static method in class org.tensorflow.op.image.DecodePng
Factory method to create a class wrapping a new DecodePng operation.
create(Scope, Operand<TString>, Class<T>, DecodeRaw.Options...) - Static method in class org.tensorflow.op.io.DecodeRaw
Factory method to create a class wrapping a new DecodeRaw operation.
create(Scope, Operand<TString>, Iterable<Operand<?>>, Long, List<String>, List<String>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.io.ParseSingleExample
Factory method to create a class wrapping a new ParseSingleExample operation.
create(Scope, Operand<TString>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, LoadDataset.Options...) - Static method in class org.tensorflow.op.data.LoadDataset
Factory method to create a class wrapping a new LoadDataset operation.
create(Scope, Operand<TString>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction) - Static method in class org.tensorflow.op.core.RemoteCall
Factory method to create a class wrapping a new RemoteCall operation.
create(Scope, Operand<TString>, Iterable<Operand<?>>, DecodeCsv.Options...) - Static method in class org.tensorflow.op.io.DecodeCsv
Factory method to create a class wrapping a new DecodeCSV operation.
create(Scope, Operand<TString>, Long) - Static method in class org.tensorflow.op.strings.ToHashBucket
Factory method to create a class wrapping a new StringToHashBucket operation.
create(Scope, Operand<TString>, Long) - Static method in class org.tensorflow.op.strings.ToHashBucketFast
Factory method to create a class wrapping a new StringToHashBucketFast operation.
create(Scope, Operand<TString>, Long, List<Long>) - Static method in class org.tensorflow.op.strings.ToHashBucketStrong
Factory method to create a class wrapping a new StringToHashBucketStrong operation.
create(Scope, Operand<TString>, String) - Static method in class org.tensorflow.op.strings.StaticRegexFullMatch
Factory method to create a class wrapping a new StaticRegexFullMatch operation.
create(Scope, Operand<TString>, String, Class<T>, UnicodeDecode.Options...) - Static method in class org.tensorflow.op.strings.UnicodeDecode
Factory method to create a class wrapping a new UnicodeDecode operation.
create(Scope, Operand<TString>, String, Class<T>, UnicodeDecodeWithOffsets.Options...) - Static method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Factory method to create a class wrapping a new UnicodeDecodeWithOffsets operation.
create(Scope, Operand<TString>, String, String, StaticRegexReplace.Options...) - Static method in class org.tensorflow.op.strings.StaticRegexReplace
Factory method to create a class wrapping a new StaticRegexReplace operation.
create(Scope, Operand<TString>, String, String, UnicodeTranscode.Options...) - Static method in class org.tensorflow.op.strings.UnicodeTranscode
Factory method to create a class wrapping a new UnicodeTranscode operation.
create(Scope, Operand<TString>, String, List<String>, List<Class<? extends TType>>, DecodeProto.Options...) - Static method in class org.tensorflow.op.core.DecodeProto
Factory method to create a class wrapping a new DecodeProtoV2 operation.
create(Scope, Operand<TString>, String, UnicodeDecode.Options[]) - Static method in class org.tensorflow.op.strings.UnicodeDecode
Factory method to create a class wrapping a new UnicodeDecode operation, with the default output types.
create(Scope, Operand<TString>, String, UnicodeDecodeWithOffsets.Options[]) - Static method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Factory method to create a class wrapping a new UnicodeDecodeWithOffsets operation, with the default output types.
create(Scope, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.LmdbDataset
Factory method to create a class wrapping a new ExperimentalLMDBDataset operation.
create(Scope, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.ListSnapshotChunksDataset
Factory method to create a class wrapping a new ListSnapshotChunksDataset operation.
create(Scope, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.LMDBDataset
Factory method to create a class wrapping a new LMDBDataset operation.
create(Scope, Operand<TString>, List<Class<? extends TType>>, List<Shape>, SnapshotChunkDataset.Options...) - Static method in class org.tensorflow.op.data.SnapshotChunkDataset
Factory method to create a class wrapping a new SnapshotChunkDataset operation.
create(Scope, Operand<TString>, List<Class<? extends TType>>, IteratorFromStringHandle.Options...) - Static method in class org.tensorflow.op.data.IteratorFromStringHandle
Factory method to create a class wrapping a new IteratorFromStringHandleV2 operation.
create(Scope, Operand<TString>, List<Class<? extends TType>>, MultiDeviceIteratorFromStringHandle.Options...) - Static method in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle
Factory method to create a class wrapping a new MultiDeviceIteratorFromStringHandle operation.
create(Scope, Operand<TString>, DecodeWav.Options...) - Static method in class org.tensorflow.op.audio.DecodeWav
Factory method to create a class wrapping a new DecodeWav operation.
create(Scope, Operand<TString>, BarrierClose.Options...) - Static method in class org.tensorflow.op.core.BarrierClose
Factory method to create a class wrapping a new BarrierClose operation.
create(Scope, Operand<TString>, Print.Options...) - Static method in class org.tensorflow.op.core.Print
Factory method to create a class wrapping a new PrintV2 operation.
create(Scope, Operand<TString>, DecodeBmp.Options...) - Static method in class org.tensorflow.op.image.DecodeBmp
Factory method to create a class wrapping a new DecodeBmp operation.
create(Scope, Operand<TString>, DecodeImage.Options[]) - Static method in class org.tensorflow.op.image.DecodeImage
Factory method to create a class wrapping a new DecodeImage operation, with the default output types.
create(Scope, Operand<TString>, DecodeJpeg.Options...) - Static method in class org.tensorflow.op.image.DecodeJpeg
Factory method to create a class wrapping a new DecodeJpeg operation.
create(Scope, Operand<TString>, DecodePng.Options[]) - Static method in class org.tensorflow.op.image.DecodePng
Factory method to create a class wrapping a new DecodePng operation, with the default output types.
create(Scope, Operand<TString>, DecodeCompressed.Options...) - Static method in class org.tensorflow.op.io.DecodeCompressed
Factory method to create a class wrapping a new DecodeCompressed operation.
create(Scope, Operand<TString>, EncodeBase64.Options...) - Static method in class org.tensorflow.op.io.EncodeBase64
Factory method to create a class wrapping a new EncodeBase64 operation.
create(Scope, Operand<TString>, Lower.Options...) - Static method in class org.tensorflow.op.strings.Lower
Factory method to create a class wrapping a new StringLower operation.
create(Scope, Operand<TString>, StringLength.Options...) - Static method in class org.tensorflow.op.strings.StringLength
Factory method to create a class wrapping a new StringLength operation.
create(Scope, Operand<TString>, Upper.Options...) - Static method in class org.tensorflow.op.strings.Upper
Factory method to create a class wrapping a new StringUpper operation.
create(Scope, Operand<TString>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.summary.HistogramSummary
Factory method to create a class wrapping a new HistogramSummary operation.
create(Scope, Operand<TString>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.summary.ScalarSummary
Factory method to create a class wrapping a new ScalarSummary operation.
create(Scope, Operand<TString>, Operand<? extends TNumber>, ImageSummary.Options...) - Static method in class org.tensorflow.op.summary.ImageSummary
Factory method to create a class wrapping a new ImageSummary operation.
create(Scope, Operand<TString>, Operand<? extends TNumber>, Operand<? extends TNumber>, UnsortedSegmentJoin.Options...) - Static method in class org.tensorflow.op.strings.UnsortedSegmentJoin
Factory method to create a class wrapping a new UnsortedSegmentJoin operation.
create(Scope, Operand<TString>, Operand<? extends TType>, Operand<TFloat32>) - Static method in class org.tensorflow.op.core.TensorArrayUnpack
Factory method to create a class wrapping a new TensorArrayUnpack operation.
create(Scope, Operand<TString>, Operand<? extends TType>, Operand<TString>) - Static method in class org.tensorflow.op.summary.TensorSummary
Factory method to create a class wrapping a new TensorSummaryV2 operation.
create(Scope, Operand<TString>, Operand<TFloat32>, Class<T>, TensorArrayPack.Options...) - Static method in class org.tensorflow.op.core.TensorArrayPack
Factory method to create a class wrapping a new TensorArrayPack operation.
create(Scope, Operand<TString>, Operand<TFloat32>, Operand<TFloat32>, AudioSummary.Options...) - Static method in class org.tensorflow.op.summary.AudioSummary
Factory method to create a class wrapping a new AudioSummaryV2 operation.
create(Scope, Operand<TString>, Operand<TInt32>) - Static method in class org.tensorflow.op.io.ShardedFilespec
Factory method to create a class wrapping a new ShardedFilespec operation.
create(Scope, Operand<TString>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient
Factory method to create a class wrapping a new SparseAccumulatorTakeGradient operation.
create(Scope, Operand<TString>, Operand<TInt32>, Class<T>) - Static method in class org.tensorflow.op.train.AccumulatorTakeGradient
Factory method to create a class wrapping a new AccumulatorTakeGradient operation.
create(Scope, Operand<TString>, Operand<TInt32>, Class<T>, DecodePaddedRaw.Options...) - Static method in class org.tensorflow.op.io.DecodePaddedRaw
Factory method to create a class wrapping a new DecodePaddedRaw operation.
create(Scope, Operand<TString>, Operand<TInt32>, List<Class<? extends TType>>, BarrierTakeMany.Options...) - Static method in class org.tensorflow.op.core.BarrierTakeMany
Factory method to create a class wrapping a new BarrierTakeMany operation.
create(Scope, Operand<TString>, Operand<TInt32>, DecodeAndCropJpeg.Options...) - Static method in class org.tensorflow.op.image.DecodeAndCropJpeg
Factory method to create a class wrapping a new DecodeAndCropJpeg operation.
create(Scope, Operand<TString>, Operand<TInt32>, ReduceJoin.Options...) - Static method in class org.tensorflow.op.strings.ReduceJoin
Factory method to create a class wrapping a new ReduceJoin operation.
create(Scope, Operand<TString>, Operand<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.io.ShardedFilename
Factory method to create a class wrapping a new ShardedFilename operation.
create(Scope, Operand<TString>, Operand<TInt32>, Operand<TInt32>, Long, Long, Long, Long, String, String) - Static method in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo
Factory method to create a class wrapping a new StoreMinibatchStatisticsInFdo operation.
create(Scope, Operand<TString>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Long, Long, Long, Long, Long, String, String) - Static method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Factory method to create a class wrapping a new GetMinibatchSplitsWithPhysicalReplica operation.
create(Scope, Operand<TString>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt64>, Operand<TInt32>, Long, Long, Long, Long, Long, Long, Long, String, String) - Static method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Factory method to create a class wrapping a new GetMinibatchesInCsrWithPhysicalReplica operation.
create(Scope, Operand<TString>, Operand<TInt64>) - Static method in class org.tensorflow.op.train.AccumulatorSetGlobalStep
Factory method to create a class wrapping a new AccumulatorSetGlobalStep operation.
create(Scope, Operand<TString>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, Long, SnapshotDatasetReader.Options...) - Static method in class org.tensorflow.op.data.SnapshotDatasetReader
Factory method to create a class wrapping a new SnapshotDatasetReader operation.
create(Scope, Operand<TString>, Operand<TInt64>, Operand<? extends TType>) - Static method in class org.tensorflow.op.train.AccumulatorApplyGradient
Factory method to create a class wrapping a new AccumulatorApplyGradient operation.
create(Scope, Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, Boolean) - Static method in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient
Factory method to create a class wrapping a new SparseAccumulatorApplyGradient operation.
create(Scope, Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TString>, FixedLengthRecordDataset.Options...) - Static method in class org.tensorflow.op.data.FixedLengthRecordDataset
Factory method to create a class wrapping a new FixedLengthRecordDatasetV2 operation.
create(Scope, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.io.WriteFile
Factory method to create a class wrapping a new WriteFile operation.
create(Scope, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.strings.RegexFullMatch
Factory method to create a class wrapping a new RegexFullMatch operation.
create(Scope, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.tpu.FinalizeTPUEmbedding
Factory method to create a class wrapping a new FinalizeTPUEmbedding operation.
create(Scope, Operand<TString>, Operand<TString>, Iterable<Operand<TString>>, Iterable<Operand<TString>>, Iterable<Operand<TString>>, Iterable<Operand<TString>>, Iterable<Operand<?>>, Operand<TString>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TType>>, ParseSingleSequenceExample.Options...) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Factory method to create a class wrapping a new ParseSingleSequenceExample operation.
create(Scope, Operand<TString>, Operand<TString>, Long, Long, GenerateVocabRemapping.Options...) - Static method in class org.tensorflow.op.train.GenerateVocabRemapping
Factory method to create a class wrapping a new GenerateVocabRemapping operation.
create(Scope, Operand<TString>, Operand<TString>, String) - Static method in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost
Factory method to create a class wrapping a new ConfigureTPUEmbeddingHost operation.
create(Scope, Operand<TString>, Operand<TString>, StringSplit.Options...) - Static method in class org.tensorflow.op.strings.StringSplit
Factory method to create a class wrapping a new StringSplitV2 operation.
create(Scope, Operand<TString>, Operand<TString>, MergeV2Checkpoints.Options...) - Static method in class org.tensorflow.op.train.MergeV2Checkpoints
Factory method to create a class wrapping a new MergeV2Checkpoints operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<? extends TType>, Long) - Static method in class org.tensorflow.op.core.BarrierInsertMany
Factory method to create a class wrapping a new BarrierInsertMany operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TInt64>, TextLineDataset.Options...) - Static method in class org.tensorflow.op.data.TextLineDataset
Factory method to create a class wrapping a new TextLineDataset operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TBool>, Operand<TString>, Operand<TBool>, Operand<TString>, Operand<TInt64>, Iterable<Operand<?>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.CSVDataset
Factory method to create a class wrapping a new ExperimentalCSVDataset operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TBool>, Operand<TString>, Operand<TBool>, Operand<TString>, Operand<TInt64>, Iterable<Operand<?>>, Operand<TInt64>, List<Shape>) - Static method in class org.tensorflow.op.data.CSVDataset
Factory method to create a class wrapping a new CSVDatasetV2 operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TInt64>, TfRecordDataset.Options...) - Static method in class org.tensorflow.op.data.TfRecordDataset
Factory method to create a class wrapping a new TFRecordDatasetV2 operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<TFloat32>, Long, Long, LoadAndRemapMatrix.Options...) - Static method in class org.tensorflow.op.linalg.LoadAndRemapMatrix
Factory method to create a class wrapping a new LoadAndRemapMatrix operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>) - Static method in class org.tensorflow.op.core.FileSystemSetConfiguration
Factory method to create a class wrapping a new FileSystemSetConfiguration operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, Class<T>, RestoreSlice.Options...) - Static method in class org.tensorflow.op.train.RestoreSlice
Factory method to create a class wrapping a new RestoreSlice operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, Iterable<Operand<?>>) - Static method in class org.tensorflow.op.train.Save
Factory method to create a class wrapping a new SaveV2 operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, Iterable<Operand<?>>) - Static method in class org.tensorflow.op.train.SaveSlices
Factory method to create a class wrapping a new SaveSlices operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>) - Static method in class org.tensorflow.op.train.Restore
Factory method to create a class wrapping a new RestoreV2 operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.experimental.SqlDataset
Factory method to create a class wrapping a new ExperimentalSqlDataset operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Static method in class org.tensorflow.op.data.SqlDataset
Factory method to create a class wrapping a new SqlDataset operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, List<Shape>, List<String>, List<Class<? extends TType>>) - Static method in class org.tensorflow.op.tpu.DTensorRestore
Factory method to create a class wrapping a new DTensorRestoreV2 operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, RegexReplace.Options...) - Static method in class org.tensorflow.op.strings.RegexReplace
Factory method to create a class wrapping a new RegexReplace operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Iterable<Operand<?>>, Long, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, List<Shape>) - Static method in class org.tensorflow.op.io.ParseExample
Factory method to create a class wrapping a new ParseExampleV2 operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, DataServiceDataset.Options...) - Static method in class org.tensorflow.op.data.DataServiceDataset
Factory method to create a class wrapping a new DataServiceDatasetV4 operation.
create(Scope, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TBool>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, ParseSequenceExample.Options...) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Factory method to create a class wrapping a new ParseSequenceExampleV2 operation.
create(Scope, Operand<TString>, Operand<T>, String, List<Long>, String, String, Long, Boolean) - Static method in class org.tensorflow.op.strings.StringNGrams
Factory method to create a class wrapping a new StringNGrams operation.
create(Scope, Operand<TString>, Operand<T>, Operand<T>, Substr.Options...) - Static method in class org.tensorflow.op.strings.Substr
Factory method to create a class wrapping a new Substr operation.
create(Scope, Operand<TUint8>, EncodeJpeg.Options...) - Static method in class org.tensorflow.op.image.EncodeJpeg
Factory method to create a class wrapping a new EncodeJpeg operation.
create(Scope, Operand<TUint8>, Operand<TInt32>) - Static method in class org.tensorflow.op.image.EncodeJpegVariableQuality
Factory method to create a class wrapping a new EncodeJpegVariableQuality operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.bitwise.Invert
Factory method to create a class wrapping a new Invert operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.DeepCopy
Factory method to create a class wrapping a new DeepCopy operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.Exit
Factory method to create a class wrapping a new Exit operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.GuaranteeConst
Factory method to create a class wrapping a new GuaranteeConst operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.Identity
Factory method to create a class wrapping a new Identity operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.NextIteration
Factory method to create a class wrapping a new NextIteration operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.OnesLike
Factory method to create a class wrapping a new OnesLike operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.RefExit
Factory method to create a class wrapping a new RefExit operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.RefIdentity
Factory method to create a class wrapping a new RefIdentity operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.RefNextIteration
Factory method to create a class wrapping a new RefNextIteration operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.Snapshot
Factory method to create a class wrapping a new Snapshot operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.StopGradient
Factory method to create a class wrapping a new StopGradient operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.ZerosLike
Factory method to create a class wrapping a new ZerosLike operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.debugging.DebugGradientIdentity
Factory method to create a class wrapping a new DebugGradientIdentity operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.debugging.DebugGradientRefIdentity
Factory method to create a class wrapping a new DebugGradientRefIdentity operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.image.HsvToRgb
Factory method to create a class wrapping a new HSVToRGB operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.image.RgbToHsv
Factory method to create a class wrapping a new RGBToHSV operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.BatchCholesky
Factory method to create a class wrapping a new BatchCholesky operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.BatchMatrixDeterminant
Factory method to create a class wrapping a new BatchMatrixDeterminant operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.BatchMatrixDiag
Factory method to create a class wrapping a new BatchMatrixDiag operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.BatchMatrixDiagPart
Factory method to create a class wrapping a new BatchMatrixDiagPart operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.Cholesky
Factory method to create a class wrapping a new Cholesky operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.Det
Factory method to create a class wrapping a new MatrixDeterminant operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.LogMatrixDeterminant
Factory method to create a class wrapping a new LogMatrixDeterminant operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.Lu
Factory method to create a class wrapping a new Lu operation, with the default output types.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.MatrixExponential
Factory method to create a class wrapping a new MatrixExponential operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.MatrixLogarithm
Factory method to create a class wrapping a new MatrixLogarithm operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.Sqrtm
Factory method to create a class wrapping a new MatrixSquareRoot operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.TensorDiag
Factory method to create a class wrapping a new Diag operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.linalg.TensorDiagPart
Factory method to create a class wrapping a new DiagPart operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Abs
Factory method to create a class wrapping a new Abs operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Acos
Factory method to create a class wrapping a new Acos operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Acosh
Factory method to create a class wrapping a new Acosh operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Asin
Factory method to create a class wrapping a new Asin operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Asinh
Factory method to create a class wrapping a new Asinh operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Atan
Factory method to create a class wrapping a new Atan operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Atanh
Factory method to create a class wrapping a new Atanh operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.BesselI0
Factory method to create a class wrapping a new BesselI0 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.BesselI0e
Factory method to create a class wrapping a new BesselI0e operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.BesselI1
Factory method to create a class wrapping a new BesselI1 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.BesselI1e
Factory method to create a class wrapping a new BesselI1e operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Ceil
Factory method to create a class wrapping a new Ceil operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Conj
Factory method to create a class wrapping a new Conj operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Cos
Factory method to create a class wrapping a new Cos operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Cosh
Factory method to create a class wrapping a new Cosh operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Digamma
Factory method to create a class wrapping a new Digamma operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Erf
Factory method to create a class wrapping a new Erf operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Erfc
Factory method to create a class wrapping a new Erfc operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.erfinv
Factory method to create a class wrapping a new Erfinv operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Exp
Factory method to create a class wrapping a new Exp operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Expm1
Factory method to create a class wrapping a new Expm1 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Floor
Factory method to create a class wrapping a new Floor operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.InvertPermutation
Factory method to create a class wrapping a new InvertPermutation operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Lgamma
Factory method to create a class wrapping a new Lgamma operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Log
Factory method to create a class wrapping a new Log operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Log1p
Factory method to create a class wrapping a new Log1p operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Ndtri
Factory method to create a class wrapping a new Ndtri operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Neg
Factory method to create a class wrapping a new Neg operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Reciprocal
Factory method to create a class wrapping a new Reciprocal operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Rint
Factory method to create a class wrapping a new Rint operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Round
Factory method to create a class wrapping a new Round operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Rsqrt
Factory method to create a class wrapping a new Rsqrt operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Sigmoid
Factory method to create a class wrapping a new Sigmoid operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Sign
Factory method to create a class wrapping a new Sign operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Sin
Factory method to create a class wrapping a new Sin operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Sinh
Factory method to create a class wrapping a new Sinh operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Softplus
Factory method to create a class wrapping a new Softplus operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselJ0
Factory method to create a class wrapping a new BesselJ0 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselJ1
Factory method to create a class wrapping a new BesselJ1 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselK0
Factory method to create a class wrapping a new BesselK0 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselK0e
Factory method to create a class wrapping a new BesselK0e operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselK1
Factory method to create a class wrapping a new BesselK1 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselK1e
Factory method to create a class wrapping a new BesselK1e operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselY0
Factory method to create a class wrapping a new BesselY0 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.BesselY1
Factory method to create a class wrapping a new BesselY1 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.Dawsn
Factory method to create a class wrapping a new Dawsn operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.Expint
Factory method to create a class wrapping a new Expint operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.FresnelCos
Factory method to create a class wrapping a new FresnelCos operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.FresnelSin
Factory method to create a class wrapping a new FresnelSin operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.special.Spence
Factory method to create a class wrapping a new Spence operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Sqrt
Factory method to create a class wrapping a new Sqrt operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Square
Factory method to create a class wrapping a new Square operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Tan
Factory method to create a class wrapping a new Tan operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.math.Tanh
Factory method to create a class wrapping a new Tanh operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.Elu
Factory method to create a class wrapping a new Elu operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.L2Loss
Factory method to create a class wrapping a new L2Loss operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.LogSoftmax
Factory method to create a class wrapping a new LogSoftmax operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.Relu
Factory method to create a class wrapping a new Relu operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.Relu6
Factory method to create a class wrapping a new Relu6 operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.Selu
Factory method to create a class wrapping a new Selu operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.Softmax
Factory method to create a class wrapping a new Softmax operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.nn.Softsign
Factory method to create a class wrapping a new Softsign operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.signal.Fft
Factory method to create a class wrapping a new FFT operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.signal.Fft2d
Factory method to create a class wrapping a new FFT2D operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.signal.Fft3d
Factory method to create a class wrapping a new FFT3D operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.signal.Ifft
Factory method to create a class wrapping a new IFFT operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.signal.Ifft2d
Factory method to create a class wrapping a new IFFT2D operation.
create(Scope, Operand<T>) - Static method in class org.tensorflow.op.signal.Ifft3d
Factory method to create a class wrapping a new IFFT3D operation.
create(Scope, Operand<T>, Class<U>) - Static method in class org.tensorflow.op.linalg.Lu
Factory method to create a class wrapping a new Lu operation.
create(Scope, Operand<T>, Long) - Static method in class org.tensorflow.op.core.CountUpTo
Factory method to create a class wrapping a new CountUpTo operation.
create(Scope, Operand<T>, Long) - Static method in class org.tensorflow.op.tpu.ReplicatedOutput
Factory method to create a class wrapping a new TPUReplicatedOutput operation.
create(Scope, Operand<T>, Long) - Static method in class org.tensorflow.op.tpu.TPUReplicatedOutput
Deprecated.
Factory method to create a class wrapping a new TPUReplicatedOutput operation.
create(Scope, Operand<T>, Long, List<Long>) - Static method in class org.tensorflow.op.tpu.PartitionedOutput
Factory method to create a class wrapping a new TPUPartitionedOutputV2 operation.
create(Scope, Operand<T>, Long, List<Long>, SplitND.Options...) - Static method in class org.tensorflow.op.xla.SplitND
Factory method to create a class wrapping a new XlaSplitND operation.
create(Scope, Operand<T>, Long, ApproxTopK.Options...) - Static method in class org.tensorflow.op.core.ApproxTopK
Factory method to create a class wrapping a new ApproxTopK operation.
create(Scope, Operand<T>, Long, Unstack.Options...) - Static method in class org.tensorflow.op.core.Unstack
Factory method to create a class wrapping a new Unpack operation.
create(Scope, Operand<T>, Long, DepthToSpace.Options...) - Static method in class org.tensorflow.op.nn.DepthToSpace
Factory method to create a class wrapping a new DepthToSpace operation.
create(Scope, Operand<T>, Long, SpaceToDepth.Options...) - Static method in class org.tensorflow.op.nn.SpaceToDepth
Factory method to create a class wrapping a new SpaceToDepth operation.
create(Scope, Operand<T>, String) - Static method in class org.tensorflow.op.core.CopyToMesh
Factory method to create a class wrapping a new CopyToMesh operation.
create(Scope, Operand<T>, String) - Static method in class org.tensorflow.op.core.DestroyTemporaryVariable
Factory method to create a class wrapping a new DestroyTemporaryVariable operation.
create(Scope, Operand<T>, String) - Static method in class org.tensorflow.op.core.Relayout
Factory method to create a class wrapping a new Relayout operation.
create(Scope, Operand<T>, String) - Static method in class org.tensorflow.op.debugging.CheckNumerics
Factory method to create a class wrapping a new CheckNumericsV2 operation.
create(Scope, Operand<T>, String, Long, String) - Static method in class org.tensorflow.op.core.NcclAllReduce
Deprecated.
Factory method to create a class wrapping a new NcclAllReduce operation.
create(Scope, Operand<T>, String, Long, String) - Static method in class org.tensorflow.op.distribute.NcclAllReduce
Factory method to create a class wrapping a new NcclAllReduce operation.
create(Scope, Operand<T>, String, Enter.Options...) - Static method in class org.tensorflow.op.core.Enter
Factory method to create a class wrapping a new Enter operation.
create(Scope, Operand<T>, String, RefEnter.Options...) - Static method in class org.tensorflow.op.core.RefEnter
Factory method to create a class wrapping a new RefEnter operation.
create(Scope, Operand<T>, List<Float>, FractionalAvgPool.Options...) - Static method in class org.tensorflow.op.nn.FractionalAvgPool
Factory method to create a class wrapping a new FractionalAvgPool operation.
create(Scope, Operand<T>, List<Float>, FractionalMaxPool.Options...) - Static method in class org.tensorflow.op.nn.FractionalMaxPool
Factory method to create a class wrapping a new FractionalMaxPool operation.
create(Scope, Operand<T>, List<Long>, List<Long>, Class<U>, String, MaxPoolWithArgmax.Options...) - Static method in class org.tensorflow.op.nn.MaxPoolWithArgmax
Factory method to create a class wrapping a new MaxPoolWithArgmax operation.
create(Scope, Operand<T>, List<Long>, List<Long>, String) - Static method in class org.tensorflow.op.core.ExtractVolumePatches
Factory method to create a class wrapping a new ExtractVolumePatches operation.
create(Scope, Operand<T>, List<Long>, List<Long>, String, AvgPool.Options...) - Static method in class org.tensorflow.op.nn.AvgPool
Factory method to create a class wrapping a new AvgPool operation.
create(Scope, Operand<T>, List<Long>, List<Long>, String, AvgPool3d.Options...) - Static method in class org.tensorflow.op.nn.AvgPool3d
Factory method to create a class wrapping a new AvgPool3D operation.
create(Scope, Operand<T>, List<Long>, List<Long>, String, MaxPool3d.Options...) - Static method in class org.tensorflow.op.nn.MaxPool3d
Factory method to create a class wrapping a new MaxPool3D operation.
create(Scope, Operand<T>, List<Long>, List<Long>, String, MaxPoolWithArgmax.Options[]) - Static method in class org.tensorflow.op.nn.MaxPoolWithArgmax
Factory method to create a class wrapping a new MaxPoolWithArgmax operation, with the default output types.
create(Scope, Operand<T>, List<Long>, List<Long>, List<Long>, String) - Static method in class org.tensorflow.op.image.ExtractImagePatches
Factory method to create a class wrapping a new ExtractImagePatches operation.
create(Scope, Operand<T>, Shape) - Static method in class org.tensorflow.op.core.EnsureShape
Factory method to create a class wrapping a new EnsureShape operation.
create(Scope, Operand<T>, Shape) - Static method in class org.tensorflow.op.core.NcclBroadcast
Deprecated.
Factory method to create a class wrapping a new NcclBroadcast operation.
create(Scope, Operand<T>, Shape) - Static method in class org.tensorflow.op.core.PlaceholderWithDefault
Factory method to create a class wrapping a new PlaceholderWithDefault operation.
create(Scope, Operand<T>, Shape) - Static method in class org.tensorflow.op.distribute.NcclBroadcast
Factory method to create a class wrapping a new NcclBroadcast operation.
create(Scope, Operand<T>, Copy.Options...) - Static method in class org.tensorflow.op.core.Copy
Factory method to create a class wrapping a new Copy operation.
create(Scope, Operand<T>, CopyHost.Options...) - Static method in class org.tensorflow.op.core.CopyHost
Factory method to create a class wrapping a new CopyHost operation.
create(Scope, Operand<T>, Squeeze.Options...) - Static method in class org.tensorflow.op.core.Squeeze
Factory method to create a class wrapping a new Squeeze operation.
create(Scope, Operand<T>, DebugIdentity.Options...) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Factory method to create a class wrapping a new DebugIdentityV3 operation.
create(Scope, Operand<T>, BatchMatrixInverse.Options...) - Static method in class org.tensorflow.op.linalg.BatchMatrixInverse
Factory method to create a class wrapping a new BatchMatrixInverse operation.
create(Scope, Operand<T>, BatchSelfAdjointEig.Options...) - Static method in class org.tensorflow.op.linalg.BatchSelfAdjointEig
Factory method to create a class wrapping a new BatchSelfAdjointEigV2 operation.
create(Scope, Operand<T>, BatchSvd.Options...) - Static method in class org.tensorflow.op.linalg.BatchSvd
Factory method to create a class wrapping a new BatchSvd operation.
create(Scope, Operand<T>, Inv.Options...) - Static method in class org.tensorflow.op.linalg.Inv
Factory method to create a class wrapping a new MatrixInverse operation.
create(Scope, Operand<T>, Qr.Options...) - Static method in class org.tensorflow.op.linalg.Qr
Factory method to create a class wrapping a new Qr operation.
create(Scope, Operand<T>, SelfAdjointEig.Options...) - Static method in class org.tensorflow.op.linalg.SelfAdjointEig
Factory method to create a class wrapping a new SelfAdjointEigV2 operation.
create(Scope, Operand<T>, Svd.Options...) - Static method in class org.tensorflow.op.linalg.Svd
Factory method to create a class wrapping a new Svd operation.
create(Scope, Operand<T>, BiasAddGrad.Options...) - Static method in class org.tensorflow.op.nn.BiasAddGrad
Factory method to create a class wrapping a new BiasAddGrad operation.
create(Scope, Operand<T>, DataFormatDimMap.Options...) - Static method in class org.tensorflow.op.nn.DataFormatDimMap
Factory method to create a class wrapping a new DataFormatDimMap operation.
create(Scope, Operand<T>, DataFormatVecPermute.Options...) - Static method in class org.tensorflow.op.nn.DataFormatVecPermute
Factory method to create a class wrapping a new DataFormatVecPermute operation.
create(Scope, Operand<T>, LeakyRelu.Options...) - Static method in class org.tensorflow.op.nn.LeakyRelu
Factory method to create a class wrapping a new LeakyRelu operation.
create(Scope, Operand<T>, LocalResponseNormalization.Options...) - Static method in class org.tensorflow.op.nn.LocalResponseNormalization
Factory method to create a class wrapping a new LRN operation.
create(Scope, Operand<T>, RandomShuffle.Options...) - Static method in class org.tensorflow.op.random.RandomShuffle
Factory method to create a class wrapping a new RandomShuffle operation.
create(Scope, Operand<T>, PreventGradient.Options...) - Static method in class org.tensorflow.op.train.PreventGradient
Factory method to create a class wrapping a new PreventGradient operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.BroadcastTo
Factory method to create a class wrapping a new BroadcastTo operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.ExpandDims
Factory method to create a class wrapping a new ExpandDims operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.GatherNd
Factory method to create a class wrapping a new GatherNd operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.Reshape
Factory method to create a class wrapping a new Reshape operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.Reverse
Factory method to create a class wrapping a new ReverseV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.Tile
Factory method to create a class wrapping a new Tile operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.Unique
Factory method to create a class wrapping a new UniqueV2 operation, with the default output types.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.UniqueWithCounts
Factory method to create a class wrapping a new UniqueWithCountsV2 operation, with the default output types.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.linalg.ConjugateTranspose
Factory method to create a class wrapping a new ConjugateTranspose operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.linalg.Transpose
Factory method to create a class wrapping a new Transpose operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.SegmentMean
Factory method to create a class wrapping a new SegmentMean operation.
create(Scope, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits
Factory method to create a class wrapping a new SparseSoftmaxCrossEntropyWithLogits operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.core.Unique
Factory method to create a class wrapping a new UniqueV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Class<V>) - Static method in class org.tensorflow.op.core.UniqueWithCounts
Factory method to create a class wrapping a new UniqueWithCountsV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Class<V>, TopK.Options...) - Static method in class org.tensorflow.op.nn.TopK
Factory method to create a class wrapping a new TopKV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Long) - Static method in class org.tensorflow.op.core.BatchToSpace
Factory method to create a class wrapping a new BatchToSpace operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Long) - Static method in class org.tensorflow.op.nn.SpaceToBatch
Factory method to create a class wrapping a new SpaceToBatch operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Long, ReverseSequence.Options...) - Static method in class org.tensorflow.op.core.ReverseSequence
Factory method to create a class wrapping a new ReverseSequence operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, String) - Static method in class org.tensorflow.op.core.MirrorPad
Factory method to create a class wrapping a new MirrorPad operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, String) - Static method in class org.tensorflow.op.core.MirrorPadGrad
Factory method to create a class wrapping a new MirrorPadGrad operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Max.Options...) - Static method in class org.tensorflow.op.core.Max
Factory method to create a class wrapping a new Max operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Min.Options...) - Static method in class org.tensorflow.op.core.Min
Factory method to create a class wrapping a new Min operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Prod.Options...) - Static method in class org.tensorflow.op.core.Prod
Factory method to create a class wrapping a new Prod operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, ReduceMax.Options...) - Static method in class org.tensorflow.op.core.ReduceMax
Factory method to create a class wrapping a new Max operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, ReduceMin.Options...) - Static method in class org.tensorflow.op.core.ReduceMin
Factory method to create a class wrapping a new Min operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, ReduceProd.Options...) - Static method in class org.tensorflow.op.core.ReduceProd
Factory method to create a class wrapping a new Prod operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, ReduceSum.Options...) - Static method in class org.tensorflow.op.core.ReduceSum
Factory method to create a class wrapping a new Sum operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Sum.Options...) - Static method in class org.tensorflow.op.core.Sum
Factory method to create a class wrapping a new Sum operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, EuclideanNorm.Options...) - Static method in class org.tensorflow.op.linalg.EuclideanNorm
Factory method to create a class wrapping a new EuclideanNorm operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Cumprod.Options...) - Static method in class org.tensorflow.op.math.Cumprod
Factory method to create a class wrapping a new Cumprod operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Cumsum.Options...) - Static method in class org.tensorflow.op.math.Cumsum
Factory method to create a class wrapping a new Cumsum operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, CumulativeLogsumexp.Options...) - Static method in class org.tensorflow.op.math.CumulativeLogsumexp
Factory method to create a class wrapping a new CumulativeLogsumexp operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Mean.Options...) - Static method in class org.tensorflow.op.math.Mean
Factory method to create a class wrapping a new Mean operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, TopK.Options[]) - Static method in class org.tensorflow.op.nn.TopK
Factory method to create a class wrapping a new TopKV2 operation, with the default output types.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.BatchToSpaceNd
Factory method to create a class wrapping a new BatchToSpaceND operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.Roll
Factory method to create a class wrapping a new Roll operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.SpaceToBatchNd
Factory method to create a class wrapping a new SpaceToBatchND operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.SegmentMax
Factory method to create a class wrapping a new SegmentMaxV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.SegmentMin
Factory method to create a class wrapping a new SegmentMinV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.SegmentProd
Factory method to create a class wrapping a new SegmentProdV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.SegmentSum
Factory method to create a class wrapping a new SegmentSumV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.UnsortedSegmentMax
Factory method to create a class wrapping a new UnsortedSegmentMax operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.UnsortedSegmentMin
Factory method to create a class wrapping a new UnsortedSegmentMin operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.UnsortedSegmentProd
Factory method to create a class wrapping a new UnsortedSegmentProd operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.math.UnsortedSegmentSum
Factory method to create a class wrapping a new UnsortedSegmentSum operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Gather.Options...) - Static method in class org.tensorflow.op.core.Gather
Factory method to create a class wrapping a new GatherV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentMean.Options...) - Static method in class org.tensorflow.op.sparse.SparseSegmentMean
Factory method to create a class wrapping a new SparseSegmentMean operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSqrtN.Options...) - Static method in class org.tensorflow.op.sparse.SparseSegmentSqrtN
Factory method to create a class wrapping a new SparseSegmentSqrtN operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSum.Options...) - Static method in class org.tensorflow.op.sparse.SparseSegmentSum
Factory method to create a class wrapping a new SparseSegmentSum operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentMeanWithNumSegments.Options...) - Static method in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments
Factory method to create a class wrapping a new SparseSegmentMeanWithNumSegments operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSqrtNWithNumSegments.Options...) - Static method in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments
Factory method to create a class wrapping a new SparseSegmentSqrtNWithNumSegments operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSumWithNumSegments.Options...) - Static method in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments
Factory method to create a class wrapping a new SparseSegmentSumWithNumSegments operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>) - Static method in class org.tensorflow.op.core.QuantizedReshape
Factory method to create a class wrapping a new QuantizedReshape operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<TInt32>, Long) - Static method in class org.tensorflow.op.core.SplitV
Factory method to create a class wrapping a new SplitV operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>) - Static method in class org.tensorflow.op.core.Pad
Factory method to create a class wrapping a new PadV2 operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>) - Static method in class org.tensorflow.op.core.ScatterNdNonAliasingAdd
Factory method to create a class wrapping a new ScatterNdNonAliasingAdd operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>) - Static method in class org.tensorflow.op.core.TensorScatterNdAdd
Factory method to create a class wrapping a new TensorScatterAdd operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>) - Static method in class org.tensorflow.op.core.TensorScatterNdMax
Factory method to create a class wrapping a new TensorScatterMax operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>) - Static method in class org.tensorflow.op.core.TensorScatterNdMin
Factory method to create a class wrapping a new TensorScatterMin operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>) - Static method in class org.tensorflow.op.core.TensorScatterNdSub
Factory method to create a class wrapping a new TensorScatterSub operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>) - Static method in class org.tensorflow.op.core.TensorScatterNdUpdate
Factory method to create a class wrapping a new TensorScatterUpdate operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, RandomIndexShuffle.Options...) - Static method in class org.tensorflow.op.core.RandomIndexShuffle
Factory method to create a class wrapping a new RandomIndexShuffle operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterAdd.Options...) - Static method in class org.tensorflow.op.core.ScatterAdd
Factory method to create a class wrapping a new ScatterAdd operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterDiv.Options...) - Static method in class org.tensorflow.op.core.ScatterDiv
Factory method to create a class wrapping a new ScatterDiv operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterMax.Options...) - Static method in class org.tensorflow.op.core.ScatterMax
Factory method to create a class wrapping a new ScatterMax operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterMin.Options...) - Static method in class org.tensorflow.op.core.ScatterMin
Factory method to create a class wrapping a new ScatterMin operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterMul.Options...) - Static method in class org.tensorflow.op.core.ScatterMul
Factory method to create a class wrapping a new ScatterMul operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdAdd.Options...) - Static method in class org.tensorflow.op.core.ScatterNdAdd
Factory method to create a class wrapping a new ScatterNdAdd operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdMax.Options...) - Static method in class org.tensorflow.op.core.ScatterNdMax
Factory method to create a class wrapping a new ScatterNdMax operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdMin.Options...) - Static method in class org.tensorflow.op.core.ScatterNdMin
Factory method to create a class wrapping a new ScatterNdMin operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdSub.Options...) - Static method in class org.tensorflow.op.core.ScatterNdSub
Factory method to create a class wrapping a new ScatterNdSub operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdUpdate.Options...) - Static method in class org.tensorflow.op.core.ScatterNdUpdate
Factory method to create a class wrapping a new ScatterNdUpdate operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterSub.Options...) - Static method in class org.tensorflow.op.core.ScatterSub
Factory method to create a class wrapping a new ScatterSub operation.
create(Scope, Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterUpdate.Options...) - Static method in class org.tensorflow.op.core.ScatterUpdate
Factory method to create a class wrapping a new ScatterUpdate operation.
create(Scope, Operand<T>, Operand<? extends TType>) - Static method in class org.tensorflow.op.core.RelayoutLike
Factory method to create a class wrapping a new RelayoutLike operation.
create(Scope, Operand<T>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Static method in class org.tensorflow.op.random.experimental.StatelessShuffle
Factory method to create a class wrapping a new StatelessShuffle operation.
create(Scope, Operand<T>, Operand<? extends TType>, Operand<TInt32>, String, CollectiveReduce.Options...) - Static method in class org.tensorflow.op.collective.CollectiveReduce
Factory method to create a class wrapping a new CollectiveReduceV3 operation.
create(Scope, Operand<T>, Operand<? extends TType>, Operand<TInt32>, CollectiveAllToAll.Options...) - Static method in class org.tensorflow.op.collective.CollectiveAllToAll
Factory method to create a class wrapping a new CollectiveAllToAllV3 operation.
create(Scope, Operand<T>, Operand<TBool>) - Static method in class org.tensorflow.op.core.RefSwitch
Factory method to create a class wrapping a new RefSwitch operation.
create(Scope, Operand<T>, Operand<TBool>) - Static method in class org.tensorflow.op.core.SwitchCond
Factory method to create a class wrapping a new Switch operation.
create(Scope, Operand<T>, Operand<TBool>, BooleanMask.Options...) - Static method in class org.tensorflow.op.core.BooleanMask
Apply boolean mask to tensor.
create(Scope, Operand<T>, Operand<TBool>, Operand<T>, BooleanMaskUpdate.Options...) - Static method in class org.tensorflow.op.core.BooleanMaskUpdate
Updates a tensor at the masked values, and returns the updated tensor.
create(Scope, Operand<T>, Operand<TFloat32>) - Static method in class org.tensorflow.op.image.AdjustContrast
Factory method to create a class wrapping a new AdjustContrastv2 operation.
create(Scope, Operand<T>, Operand<TFloat32>) - Static method in class org.tensorflow.op.image.AdjustHue
Factory method to create a class wrapping a new AdjustHue operation.
create(Scope, Operand<T>, Operand<TFloat32>) - Static method in class org.tensorflow.op.image.AdjustSaturation
Factory method to create a class wrapping a new AdjustSaturation operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TFloat32>) - Static method in class org.tensorflow.op.image.DrawBoundingBoxes
Factory method to create a class wrapping a new DrawBoundingBoxesV2 operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, List<Long>, List<Long>, String) - Static method in class org.tensorflow.op.nn.QuantizedAvgPool
Factory method to create a class wrapping a new QuantizedAvgPool operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, List<Long>, List<Long>, String) - Static method in class org.tensorflow.op.nn.QuantizedMaxPool
Factory method to create a class wrapping a new QuantizedMaxPool operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, SampleDistortedBoundingBox.Options...) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Factory method to create a class wrapping a new SampleDistortedBoundingBoxV2 operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, QuantizedInstanceNorm.Options...) - Static method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Factory method to create a class wrapping a new QuantizedInstanceNorm operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<? extends TNumber>, StatelessSampleDistortedBoundingBox.Options...) - Static method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Factory method to create a class wrapping a new StatelessSampleDistortedBoundingBox operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Class<U>, Float, Boolean) - Static method in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization
Factory method to create a class wrapping a new QuantizedBatchNormWithGlobalNormalization operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TInt32>, String, ImageProjectiveTransformV2.Options...) - Static method in class org.tensorflow.op.image.ImageProjectiveTransformV2
Factory method to create a class wrapping a new ImageProjectiveTransformV2 operation.
create(Scope, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, String, ImageProjectiveTransformV3.Options...) - Static method in class org.tensorflow.op.image.ImageProjectiveTransformV3
Factory method to create a class wrapping a new ImageProjectiveTransformV3 operation.
create(Scope, Operand<T>, Operand<TInt32>) - Static method in class org.tensorflow.op.collective.CollectivePermute
Factory method to create a class wrapping a new CollectivePermute operation.
create(Scope, Operand<T>, Operand<TInt32>) - Static method in class org.tensorflow.op.tpu.CrossReplicaSum
Factory method to create a class wrapping a new CrossReplicaSum operation.
create(Scope, Operand<T>, Operand<TInt32>) - Static method in class org.tensorflow.op.train.TileGrad
Factory method to create a class wrapping a new TileGrad operation.
create(Scope, Operand<T>, Operand<TInt32>, Long) - Static method in class org.tensorflow.op.core.DynamicPartition
Factory method to create a class wrapping a new DynamicPartition operation.
create(Scope, Operand<T>, Operand<TInt32>, Long, Long, Long) - Static method in class org.tensorflow.op.tpu.AllToAll
Factory method to create a class wrapping a new AllToAll operation.
create(Scope, Operand<T>, Operand<TInt32>, Long, Long, CtcBeamSearchDecoder.Options...) - Static method in class org.tensorflow.op.nn.CtcBeamSearchDecoder
Factory method to create a class wrapping a new CTCBeamSearchDecoder operation.
create(Scope, Operand<T>, Operand<TInt32>, ResizeNearestNeighbor.Options...) - Static method in class org.tensorflow.op.image.ResizeNearestNeighbor
Factory method to create a class wrapping a new ResizeNearestNeighbor operation.
create(Scope, Operand<T>, Operand<TInt32>, ResizeNearestNeighborGrad.Options...) - Static method in class org.tensorflow.op.image.ResizeNearestNeighborGrad
Factory method to create a class wrapping a new ResizeNearestNeighborGrad operation.
create(Scope, Operand<T>, Operand<TInt32>, CtcGreedyDecoder.Options...) - Static method in class org.tensorflow.op.nn.CtcGreedyDecoder
Factory method to create a class wrapping a new CTCGreedyDecoder operation.
create(Scope, Operand<T>, Operand<TInt32>, NthElement.Options...) - Static method in class org.tensorflow.op.nn.NthElement
Factory method to create a class wrapping a new NthElement operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, QuantizedResizeBilinear.Options...) - Static method in class org.tensorflow.op.image.QuantizedResizeBilinear
Factory method to create a class wrapping a new QuantizedResizeBilinear operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.signal.FftNd
Factory method to create a class wrapping a new FFTND operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.signal.IfftNd
Factory method to create a class wrapping a new IFFTND operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>, String, MaxPool.Options...) - Static method in class org.tensorflow.op.nn.MaxPool
Factory method to create a class wrapping a new MaxPoolV2 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<? extends TType>>, String, String, CollectiveReduceScatter.Options...) - Static method in class org.tensorflow.op.collective.CollectiveReduceScatter
Factory method to create a class wrapping a new CollectiveReduceScatterV2 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<? extends TType>>, CollectiveGather.Options...) - Static method in class org.tensorflow.op.collective.CollectiveGather
Factory method to create a class wrapping a new CollectiveGatherV2 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, CollectiveBcastSend.Options...) - Static method in class org.tensorflow.op.collective.CollectiveBcastSend
Factory method to create a class wrapping a new CollectiveBcastSendV2 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<T>) - Static method in class org.tensorflow.op.linalg.MatrixDiag
Factory method to create a class wrapping a new MatrixDiagV2 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<T>, MatrixDiagV3.Options...) - Static method in class org.tensorflow.op.linalg.MatrixDiagV3
Factory method to create a class wrapping a new MatrixDiagV3 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<T>, String, List<Long>, String, FusedResizeAndPadConv2d.Options...) - Static method in class org.tensorflow.op.nn.FusedResizeAndPadConv2d
Factory method to create a class wrapping a new FusedResizeAndPadConv2D operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>) - Static method in class org.tensorflow.op.core.InplaceAdd
Factory method to create a class wrapping a new InplaceAdd operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>) - Static method in class org.tensorflow.op.core.InplaceSub
Factory method to create a class wrapping a new InplaceSub operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>) - Static method in class org.tensorflow.op.core.InplaceUpdate
Factory method to create a class wrapping a new InplaceUpdate operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>) - Static method in class org.tensorflow.op.linalg.MatrixDiagPart
Factory method to create a class wrapping a new MatrixDiagPartV2 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>, String, List<Long>, String) - Static method in class org.tensorflow.op.nn.FusedPadConv2d
Factory method to create a class wrapping a new FusedPadConv2D operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>, List<Long>, String, Conv2dBackpropFilter.Options...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Factory method to create a class wrapping a new Conv2DBackpropFilter operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>, List<Long>, String, Conv3dBackpropFilter.Options...) - Static method in class org.tensorflow.op.nn.Conv3dBackpropFilter
Factory method to create a class wrapping a new Conv3DBackpropFilterV2 operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>, List<Long>, String, DepthwiseConv2dNativeBackpropFilter.Options...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
Factory method to create a class wrapping a new DepthwiseConv2dNativeBackpropFilter operation.
create(Scope, Operand<T>, Operand<TInt32>, Operand<T>, MatrixDiagPartV3.Options...) - Static method in class org.tensorflow.op.linalg.MatrixDiagPartV3
Factory method to create a class wrapping a new MatrixDiagPartV3 operation.
create(Scope, Operand<T>, Operand<TInt64>, RandomCrop.Options...) - Static method in class org.tensorflow.op.image.RandomCrop
Factory method to create a class wrapping a new RandomCrop operation.
create(Scope, Operand<T>, Operand<TInt64>, Operand<TInt32>, Operand<TInt32>, CtcLoss.Options...) - Static method in class org.tensorflow.op.nn.CtcLoss
Factory method to create a class wrapping a new CTCLoss operation.
create(Scope, Operand<T>, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.linalg.BatchMatrixBandPart
Factory method to create a class wrapping a new BatchMatrixBandPart operation.
create(Scope, Operand<T>, Operand<TInt64>, Operand<TInt64>, Long, Unbatch.Options...) - Static method in class org.tensorflow.op.core.Unbatch
Factory method to create a class wrapping a new Unbatch operation.
create(Scope, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseAddGrad
Factory method to create a class wrapping a new SparseAddGrad operation.
create(Scope, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Static method in class org.tensorflow.op.sparse.SparseSliceGrad
Factory method to create a class wrapping a new SparseSliceGrad operation.
create(Scope, Operand<T>, Operand<TInt64>, Operand<T>, Operand<TInt64>, String, DenseToSparseSetOperation.Options...) - Static method in class org.tensorflow.op.sparse.DenseToSparseSetOperation
Factory method to create a class wrapping a new DenseToSparseSetOperation operation.
create(Scope, Operand<T>, Operand<TInt64>, Operand<T>, Operand<TInt64>, UnbatchGrad.Options...) - Static method in class org.tensorflow.op.core.UnbatchGrad
Factory method to create a class wrapping a new UnbatchGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.bitwise.BitwiseAnd
Factory method to create a class wrapping a new BitwiseAnd operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.bitwise.BitwiseOr
Factory method to create a class wrapping a new BitwiseOr operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.bitwise.BitwiseXor
Factory method to create a class wrapping a new BitwiseXor operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.bitwise.LeftShift
Factory method to create a class wrapping a new LeftShift operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.bitwise.RightShift
Factory method to create a class wrapping a new RightShift operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.BroadcastDynamicShape
Factory method to create a class wrapping a new BroadcastArgs operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.BroadcastGradientArgs
Factory method to create a class wrapping a new BroadcastGradientArgs operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.CopyToMeshGrad
Factory method to create a class wrapping a new CopyToMeshGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.LowerBound
Factory method to create a class wrapping a new LowerBound operation, with the default output types.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.SetDiff1d
Factory method to create a class wrapping a new ListDiff operation, with the default output types.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.UnravelIndex
Factory method to create a class wrapping a new UnravelIndex operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.UpperBound
Factory method to create a class wrapping a new UpperBound operation, with the default output types.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.linalg.BatchCholeskyGrad
Factory method to create a class wrapping a new BatchCholeskyGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.linalg.BatchMatrixSetDiag
Factory method to create a class wrapping a new BatchMatrixSetDiag operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.linalg.CholeskyGrad
Factory method to create a class wrapping a new CholeskyGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.linalg.Cross
Factory method to create a class wrapping a new Cross operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Add
Factory method to create a class wrapping a new Add operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Atan2
Factory method to create a class wrapping a new Atan2 operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Div
Factory method to create a class wrapping a new Div operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.DivNoNan
Factory method to create a class wrapping a new DivNoNan operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.FloorDiv
Factory method to create a class wrapping a new FloorDiv operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.FloorMod
Factory method to create a class wrapping a new FloorMod operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Greater
Factory method to create a class wrapping a new Greater operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.GreaterEqual
Factory method to create a class wrapping a new GreaterEqual operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Igamma
Factory method to create a class wrapping a new Igamma operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Igammac
Factory method to create a class wrapping a new Igammac operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.IgammaGradA
Factory method to create a class wrapping a new IgammaGradA operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Less
Factory method to create a class wrapping a new Less operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.LessEqual
Factory method to create a class wrapping a new LessEqual operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Maximum
Factory method to create a class wrapping a new Maximum operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Minimum
Factory method to create a class wrapping a new Minimum operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Mod
Factory method to create a class wrapping a new Mod operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Mul
Factory method to create a class wrapping a new Mul operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.MulNoNan
Factory method to create a class wrapping a new MulNoNan operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.NextAfter
Factory method to create a class wrapping a new NextAfter operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Polygamma
Factory method to create a class wrapping a new Polygamma operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Pow
Factory method to create a class wrapping a new Pow operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.RealDiv
Factory method to create a class wrapping a new RealDiv operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.ReciprocalGrad
Factory method to create a class wrapping a new ReciprocalGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.RsqrtGrad
Factory method to create a class wrapping a new RsqrtGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.SigmoidGrad
Factory method to create a class wrapping a new SigmoidGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.SoftplusGrad
Factory method to create a class wrapping a new SoftplusGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.SqrtGrad
Factory method to create a class wrapping a new SqrtGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.SquaredDifference
Factory method to create a class wrapping a new SquaredDifference operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Sub
Factory method to create a class wrapping a new Sub operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.TanhGrad
Factory method to create a class wrapping a new TanhGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.TruncateDiv
Factory method to create a class wrapping a new TruncateDiv operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.TruncateMod
Factory method to create a class wrapping a new TruncateMod operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Xdivy
Factory method to create a class wrapping a new Xdivy operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Xlog1py
Factory method to create a class wrapping a new Xlog1py operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Xlogy
Factory method to create a class wrapping a new Xlogy operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Zeta
Factory method to create a class wrapping a new Zeta operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.EluGrad
Factory method to create a class wrapping a new EluGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.InvGrad
Factory method to create a class wrapping a new InvGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.Relu6Grad
Factory method to create a class wrapping a new Relu6Grad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.ReluGrad
Factory method to create a class wrapping a new ReluGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.SeluGrad
Factory method to create a class wrapping a new SeluGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits
Factory method to create a class wrapping a new SoftmaxCrossEntropyWithLogits operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.SoftsignGrad
Factory method to create a class wrapping a new SoftsignGrad operation.
create(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.random.RandomGammaGrad
Factory method to create a class wrapping a new RandomGammaGrad operation.
create(Scope, Operand<T>, Operand<T>, Class<U>) - Static method in class org.tensorflow.op.core.LowerBound
Factory method to create a class wrapping a new LowerBound operation.
create(Scope, Operand<T>, Operand<T>, Class<U>) - Static method in class org.tensorflow.op.core.SetDiff1d
Factory method to create a class wrapping a new ListDiff operation.
create(Scope, Operand<T>, Operand<T>, Class<U>) - Static method in class org.tensorflow.op.core.UpperBound
Factory method to create a class wrapping a new UpperBound operation.
create(Scope, Operand<T>, Operand<T>, Class<U>) - Static method in class org.tensorflow.op.dtypes.Complex
Factory method to create a class wrapping a new Complex operation.
create(Scope, Operand<T>, Operand<T>, Class<U>, AnonymousMutableDenseHashTable.Options...) - Static method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable
Factory method to create a class wrapping a new AnonymousMutableDenseHashTable operation.
create(Scope, Operand<T>, Operand<T>, Class<U>, MutableDenseHashTable.Options...) - Static method in class org.tensorflow.op.core.MutableDenseHashTable
Factory method to create a class wrapping a new MutableDenseHashTableV2 operation.
create(Scope, Operand<T>, Operand<T>, String, DenseToDenseSetOperation.Options...) - Static method in class org.tensorflow.op.sparse.DenseToDenseSetOperation
Factory method to create a class wrapping a new DenseToDenseSetOperation operation.
create(Scope, Operand<T>, Operand<T>, List<Long>, String, Conv.Options...) - Static method in class org.tensorflow.op.nn.Conv
Factory method to create a class wrapping a new Conv operation.
create(Scope, Operand<T>, Operand<T>, List<Long>, String, Conv2d.Options...) - Static method in class org.tensorflow.op.nn.Conv2d
Factory method to create a class wrapping a new Conv2D operation.
create(Scope, Operand<T>, Operand<T>, List<Long>, String, Conv3d.Options...) - Static method in class org.tensorflow.op.nn.Conv3d
Factory method to create a class wrapping a new Conv3D operation.
create(Scope, Operand<T>, Operand<T>, List<Long>, String, DepthwiseConv2dNative.Options...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNative
Factory method to create a class wrapping a new DepthwiseConv2dNative operation.
create(Scope, Operand<T>, Operand<T>, List<Long>, List<Long>, String) - Static method in class org.tensorflow.op.nn.Dilation2d
Factory method to create a class wrapping a new Dilation2D operation.
create(Scope, Operand<T>, Operand<T>, Assign.Options...) - Static method in class org.tensorflow.op.core.Assign
Factory method to create a class wrapping a new Assign operation.
create(Scope, Operand<T>, Operand<T>, AssignAdd.Options...) - Static method in class org.tensorflow.op.core.AssignAdd
Factory method to create a class wrapping a new AssignAdd operation.
create(Scope, Operand<T>, Operand<T>, AssignSub.Options...) - Static method in class org.tensorflow.op.core.AssignSub
Factory method to create a class wrapping a new AssignSub operation.
create(Scope, Operand<T>, Operand<T>, LeakyReluGrad.Options...) - Static method in class org.tensorflow.op.data.LeakyReluGrad
Factory method to create a class wrapping a new LeakyReluGrad operation.
create(Scope, Operand<T>, Operand<T>, BandedTriangularSolve.Options...) - Static method in class org.tensorflow.op.linalg.BandedTriangularSolve
Factory method to create a class wrapping a new BandedTriangularSolve operation.
create(Scope, Operand<T>, Operand<T>, BatchMatrixSolve.Options...) - Static method in class org.tensorflow.op.linalg.BatchMatrixSolve
Factory method to create a class wrapping a new BatchMatrixSolve operation.
create(Scope, Operand<T>, Operand<T>, BatchMatrixTriangularSolve.Options...) - Static method in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve
Factory method to create a class wrapping a new BatchMatrixTriangularSolve operation.
create(Scope, Operand<T>, Operand<T>, MatMul.Options...) - Static method in class org.tensorflow.op.linalg.MatMul
Factory method to create a class wrapping a new MatMul operation.
create(Scope, Operand<T>, Operand<T>, Solve.Options...) - Static method in class org.tensorflow.op.linalg.Solve
Factory method to create a class wrapping a new MatrixSolve operation.
create(Scope, Operand<T>, Operand<T>, TriangularSolve.Options...) - Static method in class org.tensorflow.op.linalg.TriangularSolve
Factory method to create a class wrapping a new MatrixTriangularSolve operation.
create(Scope, Operand<T>, Operand<T>, TridiagonalSolve.Options...) - Static method in class org.tensorflow.op.linalg.TridiagonalSolve
Factory method to create a class wrapping a new TridiagonalSolve operation.
create(Scope, Operand<T>, Operand<T>, ApproximateEqual.Options...) - Static method in class org.tensorflow.op.math.ApproximateEqual
Factory method to create a class wrapping a new ApproximateEqual operation.
create(Scope, Operand<T>, Operand<T>, Equal.Options...) - Static method in class org.tensorflow.op.math.Equal
Factory method to create a class wrapping a new Equal operation.
create(Scope, Operand<T>, Operand<T>, NotEqual.Options...) - Static method in class org.tensorflow.op.math.NotEqual
Factory method to create a class wrapping a new NotEqual operation.
create(Scope, Operand<T>, Operand<T>, BiasAdd.Options...) - Static method in class org.tensorflow.op.nn.BiasAdd
Factory method to create a class wrapping a new BiasAdd operation.
create(Scope, Operand<T>, Operand<T>, Operand<? extends TNumber>) - Static method in class org.tensorflow.op.core.LinSpace
Factory method to create a class wrapping a new LinSpace operation.
create(Scope, Operand<T>, Operand<T>, Operand<? extends TNumber>, List<Long>, List<Long>, String, MaxPoolGradGradWithArgmax.Options...) - Static method in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax
Factory method to create a class wrapping a new MaxPoolGradGradWithArgmax operation.
create(Scope, Operand<T>, Operand<T>, Operand<? extends TNumber>, List<Long>, List<Long>, String, MaxPoolGradWithArgmax.Options...) - Static method in class org.tensorflow.op.nn.MaxPoolGradWithArgmax
Factory method to create a class wrapping a new MaxPoolGradWithArgmax operation.
create(Scope, Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, ScaleAndTranslateGrad.Options...) - Static method in class org.tensorflow.op.image.ScaleAndTranslateGrad
Factory method to create a class wrapping a new ScaleAndTranslateGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, Long, Long, Long, Long, UniformQuantizedDot.Options...) - Static method in class org.tensorflow.op.quantization.UniformQuantizedDot
Factory method to create a class wrapping a new UniformQuantizedDot operation.
create(Scope, Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Class<U>, String, Long, Long, Long, Long, Long, Long, UniformQuantizedConvolution.Options...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Factory method to create a class wrapping a new UniformQuantizedConvolution operation.
create(Scope, Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Long, Long, Long, Long, Long, Long, UniformQuantizedAdd.Options...) - Static method in class org.tensorflow.op.math.UniformQuantizedAdd
Factory method to create a class wrapping a new UniformQuantizedAdd operation.
create(Scope, Operand<T>, Operand<T>, Operand<TFloat32>, Operand<U>, Operand<U>, Operand<U>, FusedBatchNormGrad.Options...) - Static method in class org.tensorflow.op.nn.FusedBatchNormGrad
Factory method to create a class wrapping a new FusedBatchNormGradV3 operation.
create(Scope, Operand<T>, Operand<T>, Operand<TFloat64>, BatchMatrixSolveLs.Options...) - Static method in class org.tensorflow.op.linalg.BatchMatrixSolveLs
Factory method to create a class wrapping a new BatchMatrixSolveLs operation.
create(Scope, Operand<T>, Operand<T>, Operand<TFloat64>, MatrixSolveLs.Options...) - Static method in class org.tensorflow.op.linalg.MatrixSolveLs
Factory method to create a class wrapping a new MatrixSolveLs operation.
create(Scope, Operand<T>, Operand<T>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.HistogramFixedWidth
Factory method to create a class wrapping a new HistogramFixedWidth operation, with the default output types.
create(Scope, Operand<T>, Operand<T>, Operand<TInt32>, Class<U>) - Static method in class org.tensorflow.op.core.HistogramFixedWidth
Factory method to create a class wrapping a new HistogramFixedWidth operation.
create(Scope, Operand<T>, Operand<T>, Operand<TInt32>, MatrixSetDiag.Options...) - Static method in class org.tensorflow.op.linalg.MatrixSetDiag
Factory method to create a class wrapping a new MatrixSetDiagV3 operation.
create(Scope, Operand<T>, Operand<T>, Operand<TInt32>, Operand<T>, Operand<T>, Operand<T>, NonMaxSuppression.Options...) - Static method in class org.tensorflow.op.image.NonMaxSuppression
Factory method to create a class wrapping a new NonMaxSuppressionV5 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.ClipByValue
Factory method to create a class wrapping a new ClipByValue operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.Range
Factory method to create a class wrapping a new Range operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.math.Betainc
Factory method to create a class wrapping a new Betainc operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.ragged.RaggedRange
Factory method to create a class wrapping a new RaggedRange operation, with the default output types.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Class<U>) - Static method in class org.tensorflow.op.ragged.RaggedRange
Factory method to create a class wrapping a new RaggedRange operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, List<Long>, String, Conv2dBackpropFilterV2.Options...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Factory method to create a class wrapping a new Conv2DBackpropFilterV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, List<Long>, String, Conv2dBackpropInputV2.Options...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Factory method to create a class wrapping a new Conv2DBackpropInputV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, List<Long>, List<Long>, String) - Static method in class org.tensorflow.op.nn.Dilation2dBackpropFilter
Factory method to create a class wrapping a new Dilation2DBackpropFilter operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, List<Long>, List<Long>, String) - Static method in class org.tensorflow.op.nn.Dilation2dBackpropInput
Factory method to create a class wrapping a new Dilation2DBackpropInput operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, List<Long>, List<Long>, String, MaxPool3dGradGrad.Options...) - Static method in class org.tensorflow.op.nn.MaxPool3dGradGrad
Factory method to create a class wrapping a new MaxPool3DGradGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, LocalResponseNormalizationGrad.Options...) - Static method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
Factory method to create a class wrapping a new LRNGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, QuantizeAndDequantizeV4.Options...) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Factory method to create a class wrapping a new QuantizeAndDequantizeV4 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, ApplyGradientDescent.Options...) - Static method in class org.tensorflow.op.train.ApplyGradientDescent
Factory method to create a class wrapping a new ApplyGradientDescent operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Long, Long, UniformQuantizedClipByValue.Options...) - Static method in class org.tensorflow.op.core.UniformQuantizedClipByValue
Factory method to create a class wrapping a new UniformQuantizedClipByValue operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, QuantizeAndDequantize.Options...) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantize
Factory method to create a class wrapping a new QuantizeAndDequantizeV3 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, QuantizeAndDequantizeV3.Options...) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
Factory method to create a class wrapping a new QuantizeAndDequantizeV3 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, Operand<TInt32>, String, MaxPoolGrad.Options...) - Static method in class org.tensorflow.op.nn.MaxPoolGrad
Factory method to create a class wrapping a new MaxPoolGradV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, Operand<TInt32>, String, MaxPoolGradGrad.Options...) - Static method in class org.tensorflow.op.nn.MaxPoolGradGrad
Factory method to create a class wrapping a new MaxPoolGradGradV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, Operand<TInt64>, FractionalMaxPoolGrad.Options...) - Static method in class org.tensorflow.op.nn.FractionalMaxPoolGrad
Factory method to create a class wrapping a new FractionalMaxPoolGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.linalg.TridiagonalMatMul
Factory method to create a class wrapping a new TridiagonalMatMul operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, QuantizeAndDequantizeV4Grad.Options...) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad
Factory method to create a class wrapping a new QuantizeAndDequantizeV4Grad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdagrad.Options...) - Static method in class org.tensorflow.op.train.ApplyAdagrad
Factory method to create a class wrapping a new ApplyAdagrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, SparseApplyMomentum.Options...) - Static method in class org.tensorflow.op.train.SparseApplyMomentum
Factory method to create a class wrapping a new SparseApplyMomentum operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, SparseApplyAdagradDa.Options...) - Static method in class org.tensorflow.op.train.SparseApplyAdagradDa
Factory method to create a class wrapping a new SparseApplyAdagradDA operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, SparseApplyFtrl.Options...) - Static method in class org.tensorflow.op.train.SparseApplyFtrl
Factory method to create a class wrapping a new SparseApplyFtrlV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, CudnnRNN.Options...) - Static method in class org.tensorflow.op.nn.CudnnRNN
Factory method to create a class wrapping a new CudnnRNNV3 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TType>, CudnnRNNBackprop.Options...) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Factory method to create a class wrapping a new CudnnRNNBackpropV3 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Float, Boolean) - Static method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization
Factory method to create a class wrapping a new BatchNormWithGlobalNormalization operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Float, Boolean) - Static method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
Factory method to create a class wrapping a new BatchNormWithGlobalNormalizationGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdagradV2.Options...) - Static method in class org.tensorflow.op.train.ApplyAdagradV2
Factory method to create a class wrapping a new ApplyAdagradV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyMomentum.Options...) - Static method in class org.tensorflow.op.train.ApplyMomentum
Factory method to create a class wrapping a new ApplyMomentum operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyProximalGradientDescent.Options...) - Static method in class org.tensorflow.op.train.ApplyProximalGradientDescent
Factory method to create a class wrapping a new ApplyProximalGradientDescent operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyAdagrad.Options...) - Static method in class org.tensorflow.op.train.SparseApplyAdagrad
Factory method to create a class wrapping a new SparseApplyAdagradV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyProximalGradientDescent.Options...) - Static method in class org.tensorflow.op.train.SparseApplyProximalGradientDescent
Factory method to create a class wrapping a new SparseApplyProximalGradientDescent operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.GRUBlockCell
Factory method to create a class wrapping a new GRUBlockCell operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyProximalAdagrad.Options...) - Static method in class org.tensorflow.op.train.ApplyProximalAdagrad
Factory method to create a class wrapping a new ApplyProximalAdagrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyProximalAdagrad.Options...) - Static method in class org.tensorflow.op.train.SparseApplyProximalAdagrad
Factory method to create a class wrapping a new SparseApplyProximalAdagrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdadelta.Options...) - Static method in class org.tensorflow.op.train.ApplyAdadelta
Factory method to create a class wrapping a new ApplyAdadelta operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAddSign.Options...) - Static method in class org.tensorflow.op.train.ApplyAddSign
Factory method to create a class wrapping a new ApplyAddSign operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyPowerSign.Options...) - Static method in class org.tensorflow.op.train.ApplyPowerSign
Factory method to create a class wrapping a new ApplyPowerSign operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyAdadelta.Options...) - Static method in class org.tensorflow.op.train.SparseApplyAdadelta
Factory method to create a class wrapping a new SparseApplyAdadelta operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, ApplyAdagradDa.Options...) - Static method in class org.tensorflow.op.train.ApplyAdagradDa
Factory method to create a class wrapping a new ApplyAdagradDA operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, LSTMBlockCell.Options...) - Static method in class org.tensorflow.op.nn.LSTMBlockCell
Factory method to create a class wrapping a new LSTMBlockCell operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyRmsProp.Options...) - Static method in class org.tensorflow.op.train.ApplyRmsProp
Factory method to create a class wrapping a new ApplyRMSProp operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyRmsProp.Options...) - Static method in class org.tensorflow.op.train.SparseApplyRmsProp
Factory method to create a class wrapping a new SparseApplyRMSProp operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdaMax.Options...) - Static method in class org.tensorflow.op.train.ApplyAdaMax
Factory method to create a class wrapping a new ApplyAdaMax operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyCenteredRmsProp.Options...) - Static method in class org.tensorflow.op.train.ApplyCenteredRmsProp
Factory method to create a class wrapping a new ApplyCenteredRMSProp operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyFtrl.Options...) - Static method in class org.tensorflow.op.train.ApplyFtrl
Factory method to create a class wrapping a new ApplyFtrlV2 operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyCenteredRmsProp.Options...) - Static method in class org.tensorflow.op.train.SparseApplyCenteredRmsProp
Factory method to create a class wrapping a new SparseApplyCenteredRMSProp operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.nn.GRUBlockCellGrad
Factory method to create a class wrapping a new GRUBlockCellGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ApplyAdam.Options...) - Static method in class org.tensorflow.op.train.ApplyAdam
Factory method to create a class wrapping a new ApplyAdam operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Boolean) - Static method in class org.tensorflow.op.nn.LSTMBlockCellGrad
Factory method to create a class wrapping a new LSTMBlockCellGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<U>, StridedSliceGrad.Options...) - Static method in class org.tensorflow.op.core.StridedSliceGrad
Factory method to create a class wrapping a new StridedSliceGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<U>, List<Long>, List<Long>, String, MaxPool3dGrad.Options...) - Static method in class org.tensorflow.op.nn.MaxPool3dGrad
Factory method to create a class wrapping a new MaxPool3DGrad operation.
create(Scope, Operand<T>, Operand<T>, Operand<U>, DenseBincount.Options...) - Static method in class org.tensorflow.op.math.DenseBincount
Factory method to create a class wrapping a new DenseBincount operation.
create(Scope, Operand<T>, Operand<T>, Operand<U>, Operand<U>, SparseToDense.Options...) - Static method in class org.tensorflow.op.sparse.SparseToDense
Factory method to create a class wrapping a new SparseToDense operation.
create(Scope, Operand<T>, Operand<U>, Operand<? extends TNumber>, Operand<TInt32>) - Static method in class org.tensorflow.op.sparse.SparseSegmentMeanGrad
Factory method to create a class wrapping a new SparseSegmentMeanGradV2 operation.
create(Scope, Operand<T>, Operand<U>, Operand<? extends TNumber>, Operand<TInt32>) - Static method in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad
Factory method to create a class wrapping a new SparseSegmentSqrtNGradV2 operation.
create(Scope, Operand<T>, Operand<U>, Operand<? extends TNumber>, Operand<TInt32>) - Static method in class org.tensorflow.op.sparse.SparseSegmentSumGrad
Factory method to create a class wrapping a new SparseSegmentSumGradV2 operation.
create(Scope, Operand<T>, Operand<U>, Operand<T>) - Static method in class org.tensorflow.op.core.ScatterNd
Factory method to create a class wrapping a new ScatterNd operation.
create(Scope, Operand<T>, Operand<U>, Operand<T>, Operand<U>) - Static method in class org.tensorflow.op.sparse.SparseTensorDenseAdd
Factory method to create a class wrapping a new SparseTensorDenseAdd operation.
create(Scope, Operand<T>, Operand<U>, Operand<U>) - Static method in class org.tensorflow.op.core.Slice
Factory method to create a class wrapping a new Slice operation.
create(Scope, Operand<T>, Operand<U>, Operand<U>) - Static method in class org.tensorflow.op.linalg.BandPart
Factory method to create a class wrapping a new MatrixBandPart operation.
create(Scope, Operand<T>, Operand<U>, Operand<U>, Operand<U>, StridedSlice.Options...) - Static method in class org.tensorflow.op.core.StridedSlice
Factory method to create a class wrapping a new StridedSlice operation.
create(Scope, Operand<T>, Operand<U>, Operand<U>, Operand<U>, Operand<T>, StridedSliceAssign.Options...) - Static method in class org.tensorflow.op.core.StridedSliceAssign
Factory method to create a class wrapping a new StridedSliceAssign operation.
create(Scope, Operand<T>, Operand<U>, Operand<U>, Operand<U>, Operand<T>, TensorStridedSliceUpdate.Options...) - Static method in class org.tensorflow.op.core.TensorStridedSliceUpdate
Factory method to create a class wrapping a new TensorStridedSliceUpdate operation.
create(Scope, Operand<T>, Operand<U>, Operand<U>, Operand<U>, Operand<U>, FusedBatchNorm.Options...) - Static method in class org.tensorflow.op.nn.FusedBatchNorm
Factory method to create a class wrapping a new FusedBatchNormV3 operation.
create(Scope, Tensor, Class<T>) - Static method in class org.tensorflow.op.core.HostConst
Factory method to create a class wrapping a new HostConst operation.
create(Scope, T) - Static method in class org.tensorflow.op.core.Constant
Create a constant by making an immutable copy of tensor.
create(Signature, Graph) - Static method in class org.tensorflow.ConcreteFunction
Create a function from a signature and an existing graph.
create(Signature, Session) - Static method in class org.tensorflow.ConcreteFunction
Create a function from a signature and a valid graph session.
create(Signature, Session) - Static method in class org.tensorflow.SessionFunction
 
createSummaryDbWriter(Operand<? extends TType>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.SummaryOps
The CreateSummaryDbWriter operation
CreateSummaryDbWriter - Class in org.tensorflow.op.summary
The CreateSummaryDbWriter operation
CreateSummaryDbWriter(Operation) - Constructor for class org.tensorflow.op.summary.CreateSummaryDbWriter
 
CreateSummaryDbWriter.Inputs - Class in org.tensorflow.op.summary
 
createSummaryFileWriter(Operand<? extends TType>, Operand<TString>, Operand<TInt32>, Operand<TInt32>, Operand<TString>) - Method in class org.tensorflow.op.SummaryOps
The CreateSummaryFileWriter operation
CreateSummaryFileWriter - Class in org.tensorflow.op.summary
The CreateSummaryFileWriter operation
CreateSummaryFileWriter(Operation) - Constructor for class org.tensorflow.op.summary.CreateSummaryFileWriter
 
CreateSummaryFileWriter.Inputs - Class in org.tensorflow.op.summary
 
createVariableWithInit(Scope, Operand<T>, Variable.Options...) - Static method in class org.tensorflow.op.core.Helpers
Factory method to create a new Variable with its initializer.
cropAndResize(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, CropAndResize.Options...) - Method in class org.tensorflow.op.ImageOps
Extracts crops from the input image tensor and resizes them.
CropAndResize - Class in org.tensorflow.op.image
Extracts crops from the input image tensor and resizes them.
CropAndResize(Operation) - Constructor for class org.tensorflow.op.image.CropAndResize
 
CropAndResize.Inputs - Class in org.tensorflow.op.image
 
CropAndResize.Options - Class in org.tensorflow.op.image
Optional attributes for CropAndResize
cropAndResizeGradBoxes(Operand<TFloat32>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, CropAndResizeGradBoxes.Options...) - Method in class org.tensorflow.op.ImageOps
Computes the gradient of the crop_and_resize op wrt the input boxes tensor.
CropAndResizeGradBoxes - Class in org.tensorflow.op.image
Computes the gradient of the crop_and_resize op wrt the input boxes tensor.
CropAndResizeGradBoxes(Operation) - Constructor for class org.tensorflow.op.image.CropAndResizeGradBoxes
 
CropAndResizeGradBoxes.Inputs - Class in org.tensorflow.op.image
 
CropAndResizeGradBoxes.Options - Class in org.tensorflow.op.image
Optional attributes for CropAndResizeGradBoxes
cropAndResizeGradImage(Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, Class<T>, CropAndResizeGradImage.Options...) - Method in class org.tensorflow.op.ImageOps
Computes the gradient of the crop_and_resize op wrt the input image tensor.
CropAndResizeGradImage<T extends TNumber> - Class in org.tensorflow.op.image
Computes the gradient of the crop_and_resize op wrt the input image tensor.
CropAndResizeGradImage(Operation) - Constructor for class org.tensorflow.op.image.CropAndResizeGradImage
 
CropAndResizeGradImage.Inputs - Class in org.tensorflow.op.image
 
CropAndResizeGradImage.Options - Class in org.tensorflow.op.image
Optional attributes for CropAndResizeGradImage
crops - Variable in class org.tensorflow.op.core.BatchToSpace.Inputs
2-D tensor of non-negative integers with shape [2, 2].
crops - Variable in class org.tensorflow.op.core.BatchToSpaceNd.Inputs
2-D with shape [M, 2], all values must be >= 0.
crops() - Method in class org.tensorflow.op.image.CropAndResize
Gets crops.
cropSize - Variable in class org.tensorflow.op.image.CropAndResize.Inputs
A 1-D tensor of 2 elements, size = [crop_height, crop_width].
cropWindow - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
1-D.
cross(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Compute the pairwise cross product.
Cross<T extends TNumber> - Class in org.tensorflow.op.linalg
Compute the pairwise cross product.
Cross(Operation) - Constructor for class org.tensorflow.op.linalg.Cross
 
Cross.Inputs<T extends TNumber> - Class in org.tensorflow.op.linalg
 
crossReplicaSum(Operand<T>, Operand<TInt32>) - Method in class org.tensorflow.op.TpuOps
An Op to sum inputs across replicated TPU instances.
CrossReplicaSum<T extends TNumber> - Class in org.tensorflow.op.tpu
An Op to sum inputs across replicated TPU instances.
CrossReplicaSum(Operation) - Constructor for class org.tensorflow.op.tpu.CrossReplicaSum
 
CrossReplicaSum.Inputs<T extends TNumber> - Class in org.tensorflow.op.tpu
 
crossTrainerCacheOptions - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The crossTrainerCacheOptions attribute
crossTrainerCacheOptions(String) - Static method in class org.tensorflow.op.data.DataServiceDataset
Sets the crossTrainerCacheOptions option.
crossTrainerCacheOptions(String) - Method in class org.tensorflow.op.data.DataServiceDataset.Options
Sets the crossTrainerCacheOptions option.
cs - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The cell state before the tanh over the whole time sequence.
cs - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The cell state before the tanh.
cs() - Method in class org.tensorflow.op.nn.BlockLSTM
Gets cs.
cs() - Method in class org.tensorflow.op.nn.LSTMBlockCell
Gets cs.
csGrad - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The current gradient of cs.
csGrad - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The current gradient of cs.
csPrev - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
Value of the initial cell state.
csPrev - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
Value of the initial cell state.
csPrev - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
Value of the cell state at previous time step.
csPrev - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The previous cell state.
csPrevGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets csPrevGrad.
csPrevGrad() - Method in class org.tensorflow.op.nn.LSTMBlockCellGrad
Gets csPrevGrad.
csrSparseMatrix - Variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents.Inputs
A batched CSRSparseMatrix.
cSRSparseMatrixComponents(Operand<? extends TType>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Reads out the CSR components at batch index.
CSRSparseMatrixComponents<T extends TType> - Class in org.tensorflow.op.linalg.sparse
Reads out the CSR components at batch index.
CSRSparseMatrixComponents(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents
 
CSRSparseMatrixComponents.Inputs - Class in org.tensorflow.op.linalg.sparse
 
cSRSparseMatrixToDense(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Convert a (possibly batched) CSRSparseMatrix to dense.
CSRSparseMatrixToDense<T extends TType> - Class in org.tensorflow.op.linalg.sparse
Convert a (possibly batched) CSRSparseMatrix to dense.
CSRSparseMatrixToDense(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense
 
CSRSparseMatrixToDense.Inputs - Class in org.tensorflow.op.linalg.sparse
 
cSRSparseMatrixToSparseTensor(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Converts a (possibly batched) CSRSparesMatrix to a SparseTensor.
CSRSparseMatrixToSparseTensor<T extends TType> - Class in org.tensorflow.op.linalg.sparse
Converts a (possibly batched) CSRSparesMatrix to a SparseTensor.
CSRSparseMatrixToSparseTensor(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor
 
CSRSparseMatrixToSparseTensor.Inputs - Class in org.tensorflow.op.linalg.sparse
 
cSVDataset(Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TBool>, Operand<TString>, Operand<TBool>, Operand<TString>, Operand<TInt64>, Iterable<Operand<?>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalCSVDataset operation
cSVDataset(Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TBool>, Operand<TString>, Operand<TBool>, Operand<TString>, Operand<TInt64>, Iterable<Operand<?>>, Operand<TInt64>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The CSVDatasetV2 operation
CSVDataset - Class in org.tensorflow.op.data
The CSVDatasetV2 operation
CSVDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalCSVDataset operation
CSVDataset(Operation) - Constructor for class org.tensorflow.op.data.CSVDataset
 
CSVDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.CSVDataset
 
CSVDataset.Inputs - Class in org.tensorflow.op.data
 
CSVDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
ctcBeamSearchDecoder(Operand<T>, Operand<TInt32>, Long, Long, CtcBeamSearchDecoder.Options...) - Method in class org.tensorflow.op.NnOps
Performs beam search decoding on the logits given in input.
CtcBeamSearchDecoder<T extends TNumber> - Class in org.tensorflow.op.nn
Performs beam search decoding on the logits given in input.
CtcBeamSearchDecoder(Operation) - Constructor for class org.tensorflow.op.nn.CtcBeamSearchDecoder
 
CtcBeamSearchDecoder.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
CtcBeamSearchDecoder.Options - Class in org.tensorflow.op.nn
Optional attributes for CtcBeamSearchDecoder
ctcGreedyDecoder(Operand<T>, Operand<TInt32>, CtcGreedyDecoder.Options...) - Method in class org.tensorflow.op.NnOps
Performs greedy decoding on the logits given in inputs.
CtcGreedyDecoder<T extends TNumber> - Class in org.tensorflow.op.nn
Performs greedy decoding on the logits given in inputs.
CtcGreedyDecoder(Operation) - Constructor for class org.tensorflow.op.nn.CtcGreedyDecoder
 
CtcGreedyDecoder.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
CtcGreedyDecoder.Options - Class in org.tensorflow.op.nn
Optional attributes for CtcGreedyDecoder
ctcLoss(Operand<T>, Operand<TInt64>, Operand<TInt32>, Operand<TInt32>, CtcLoss.Options...) - Method in class org.tensorflow.op.NnOps
Calculates the CTC Loss (log probability) for each batch entry.
CtcLoss<T extends TNumber> - Class in org.tensorflow.op.nn
Calculates the CTC Loss (log probability) for each batch entry.
CtcLoss(Operation) - Constructor for class org.tensorflow.op.nn.CtcLoss
 
CtcLoss.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
CtcLoss.Options - Class in org.tensorflow.op.nn
Optional attributes for CtcLoss
cTCLossV2(Operand<TFloat32>, Operand<TInt64>, Operand<TInt32>, Operand<TInt32>, CTCLossV2.Options...) - Method in class org.tensorflow.op.NnOps
Calculates the CTC Loss (log probability) for each batch entry.
CTCLossV2 - Class in org.tensorflow.op.nn
Calculates the CTC Loss (log probability) for each batch entry.
CTCLossV2(Operation) - Constructor for class org.tensorflow.op.nn.CTCLossV2
 
CTCLossV2.Inputs - Class in org.tensorflow.op.nn
 
CTCLossV2.Options - Class in org.tensorflow.op.nn
Optional attributes for CTCLossV2
ctcMergeRepeated - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
Scalar.
ctcMergeRepeated - Variable in class org.tensorflow.op.nn.CTCLossV2.Inputs
Scalar.
ctcMergeRepeated(Boolean) - Static method in class org.tensorflow.op.nn.CtcLoss
Sets the ctcMergeRepeated option.
ctcMergeRepeated(Boolean) - Method in class org.tensorflow.op.nn.CtcLoss.Options
Sets the ctcMergeRepeated option.
ctcMergeRepeated(Boolean) - Static method in class org.tensorflow.op.nn.CTCLossV2
Sets the ctcMergeRepeated option.
ctcMergeRepeated(Boolean) - Method in class org.tensorflow.op.nn.CTCLossV2.Options
Sets the ctcMergeRepeated option.
cudnnRNN(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, CudnnRNN.Options...) - Method in class org.tensorflow.op.NnOps
A RNN backed by cuDNN.
CudnnRNN<T extends TNumber> - Class in org.tensorflow.op.nn
A RNN backed by cuDNN.
CudnnRNN(Operation) - Constructor for class org.tensorflow.op.nn.CudnnRNN
 
CudnnRNN.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
CudnnRNN.Options - Class in org.tensorflow.op.nn
Optional attributes for CudnnRNN
cudnnRNNBackprop(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TType>, CudnnRNNBackprop.Options...) - Method in class org.tensorflow.op.NnOps
Backprop step of CudnnRNNV3.
CudnnRNNBackprop<T extends TNumber> - Class in org.tensorflow.op.nn
Backprop step of CudnnRNNV3.
CudnnRNNBackprop(Operation) - Constructor for class org.tensorflow.op.nn.CudnnRNNBackprop
 
CudnnRNNBackprop.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
CudnnRNNBackprop.Options - Class in org.tensorflow.op.nn
Optional attributes for CudnnRNNBackprop
cudnnRNNCanonicalToParams(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<T>>, Iterable<Operand<T>>, CudnnRNNCanonicalToParams.Options...) - Method in class org.tensorflow.op.NnOps
Converts CudnnRNN params from canonical form to usable form.
CudnnRNNCanonicalToParams<T extends TNumber> - Class in org.tensorflow.op.nn
Converts CudnnRNN params from canonical form to usable form.
CudnnRNNCanonicalToParams(Operation) - Constructor for class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
 
CudnnRNNCanonicalToParams.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
CudnnRNNCanonicalToParams.Options - Class in org.tensorflow.op.nn
Optional attributes for CudnnRNNCanonicalToParams
cudnnRnnParamsSize(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Class<U>, Class<T>, CudnnRnnParamsSize.Options...) - Method in class org.tensorflow.op.NnOps
Computes size of weights that can be used by a Cudnn RNN model.
CudnnRnnParamsSize<T extends TNumber> - Class in org.tensorflow.op.nn
Computes size of weights that can be used by a Cudnn RNN model.
CudnnRnnParamsSize(Operation) - Constructor for class org.tensorflow.op.nn.CudnnRnnParamsSize
 
CudnnRnnParamsSize.Inputs - Class in org.tensorflow.op.nn
 
CudnnRnnParamsSize.Options - Class in org.tensorflow.op.nn
Optional attributes for CudnnRnnParamsSize
cudnnRNNParamsToCanonical(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<T>, Long, Long, CudnnRNNParamsToCanonical.Options...) - Method in class org.tensorflow.op.NnOps
Retrieves CudnnRNN params in canonical form.
CudnnRNNParamsToCanonical<T extends TNumber> - Class in org.tensorflow.op.nn
Retrieves CudnnRNN params in canonical form.
CudnnRNNParamsToCanonical(Operation) - Constructor for class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
 
CudnnRNNParamsToCanonical.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
CudnnRNNParamsToCanonical.Options - Class in org.tensorflow.op.nn
Optional attributes for CudnnRNNParamsToCanonical
cumprod(Operand<T>, Operand<? extends TNumber>, Cumprod.Options...) - Method in class org.tensorflow.op.MathOps
Compute the cumulative product of the tensor x along axis.
Cumprod<T extends TType> - Class in org.tensorflow.op.math
Compute the cumulative product of the tensor x along axis.
Cumprod(Operation) - Constructor for class org.tensorflow.op.math.Cumprod
 
Cumprod.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
Cumprod.Options - Class in org.tensorflow.op.math
Optional attributes for Cumprod
cumsum(Operand<T>, Operand<? extends TNumber>, Cumsum.Options...) - Method in class org.tensorflow.op.MathOps
Compute the cumulative sum of the tensor x along axis.
Cumsum<T extends TType> - Class in org.tensorflow.op.math
Compute the cumulative sum of the tensor x along axis.
Cumsum(Operation) - Constructor for class org.tensorflow.op.math.Cumsum
 
Cumsum.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
Cumsum.Options - Class in org.tensorflow.op.math
Optional attributes for Cumsum
cumulativeLogsumexp(Operand<T>, Operand<? extends TNumber>, CumulativeLogsumexp.Options...) - Method in class org.tensorflow.op.MathOps
Compute the cumulative product of the tensor x along axis.
CumulativeLogsumexp<T extends TNumber> - Class in org.tensorflow.op.math
Compute the cumulative product of the tensor x along axis.
CumulativeLogsumexp(Operation) - Constructor for class org.tensorflow.op.math.CumulativeLogsumexp
 
CumulativeLogsumexp.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
CumulativeLogsumexp.Options - Class in org.tensorflow.op.math
Optional attributes for CumulativeLogsumexp
currentEpoch() - Method in class org.tensorflow.op.core.Skipgram
Gets currentEpoch.
CUSTOM - Enum constant in enum org.tensorflow.DeviceSpec.DeviceType
 
CustomGradient<T extends RawOpInputs> - Interface in org.tensorflow.op
A custom gradient for ops of type CustomGradient.
cycleLength - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The cycleLength input
cycleLength - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The cycleLength input
cycleLength - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The cycleLength input
cycleLength - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
Number of datasets (each created by applying f to the elements of input_dataset) among which the ParallelInterleaveDatasetV2 will cycle in a round-robin fashion.

D

data - Variable in class org.tensorflow.op.core.AssertThat.Inputs
The tensors to print out when condition is false.
data - Variable in class org.tensorflow.op.core.DynamicPartition.Inputs
The data input
data - Variable in class org.tensorflow.op.core.DynamicStitch.Inputs
The data input
data - Variable in class org.tensorflow.op.core.Enter.Inputs
The tensor to be made available to the child frame.
data - Variable in class org.tensorflow.op.core.Exit.Inputs
The tensor to be made available to the parent frame.
data - Variable in class org.tensorflow.op.core.Fingerprint.Inputs
Must have rank 1 or higher.
data - Variable in class org.tensorflow.op.core.NextIteration.Inputs
The tensor to be made available to the next iteration.
data - Variable in class org.tensorflow.op.core.ParallelDynamicStitch.Inputs
The data input
data - Variable in class org.tensorflow.op.core.RefEnter.Inputs
The tensor to be made available to the child frame.
data - Variable in class org.tensorflow.op.core.RefExit.Inputs
The tensor to be made available to the parent frame.
data - Variable in class org.tensorflow.op.core.RefNextIteration.Inputs
The tensor to be made available to the next iteration.
data - Variable in class org.tensorflow.op.core.RefSwitch.Inputs
The ref tensor to be forwarded to the appropriate output.
data - Variable in class org.tensorflow.op.core.SwitchCond.Inputs
The tensor to be forwarded to the appropriate output.
data - Variable in class org.tensorflow.op.math.SegmentMax.Inputs
The data input
data - Variable in class org.tensorflow.op.math.SegmentMean.Inputs
The data input
data - Variable in class org.tensorflow.op.math.SegmentMin.Inputs
The data input
data - Variable in class org.tensorflow.op.math.SegmentProd.Inputs
The data input
data - Variable in class org.tensorflow.op.math.SegmentSum.Inputs
The data input
data - Variable in class org.tensorflow.op.math.UnsortedSegmentMax.Inputs
The data input
data - Variable in class org.tensorflow.op.math.UnsortedSegmentMin.Inputs
The data input
data - Variable in class org.tensorflow.op.math.UnsortedSegmentProd.Inputs
The data input
data - Variable in class org.tensorflow.op.math.UnsortedSegmentSum.Inputs
The data input
data - Variable in class org.tensorflow.op.Ops
 
data - Variable in class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
The data input
data - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
The data input
data - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
The data input
data - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
The data input
data - Variable in class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
The data input
data - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
The data input
data - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The values tensor of the ragged string tensor to make ngrams out of.
data - Variable in class org.tensorflow.op.train.SaveSlices.Inputs
N tensors to save.
data() - Method in class org.tensorflow.op.collective.CollectiveAllToAll
Gets data.
data() - Method in class org.tensorflow.op.collective.CollectiveBcastRecv
Gets data.
data() - Method in class org.tensorflow.op.collective.CollectiveBcastSend
Gets data.
data() - Method in class org.tensorflow.op.collective.CollectiveGather
Gets data.
data() - Method in class org.tensorflow.op.collective.CollectiveReduce
Gets data.
data() - Method in class org.tensorflow.op.collective.CollectiveReduceScatter
Gets data.
data() - Method in class org.tensorflow.op.core.NcclAllReduce
Deprecated.
Gets data.
data() - Method in class org.tensorflow.op.core.NcclReduce
Deprecated.
Gets data.
data() - Method in class org.tensorflow.op.distribute.NcclAllReduce
Gets data.
data() - Method in class org.tensorflow.op.distribute.NcclReduce
Gets data.
data() - Method in class org.tensorflow.RawTensor
Returns the raw data of this tensor as a buffer of bytes.
DataExperimentalOps - Class in org.tensorflow.op
An API for building data.experimental operations as Ops
dataFormat - Variable in class org.tensorflow.op.nn.AvgPool.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.AvgPool3d.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.AvgPoolGrad.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.BiasAdd.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.BiasAddGrad.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv.Inputs
Used to set the data format.
dataFormat - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv3d.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.DepthToSpace.Inputs
The dataFormat attribute
dataFormat - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
The data format for x and y.
dataFormat - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
The data format for y_backprop, x, x_backprop.
dataFormat - Variable in class org.tensorflow.op.nn.MaxPool.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.MaxPool3d.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
The data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
Specify the data format of the input and output data.
dataFormat - Variable in class org.tensorflow.op.nn.SpaceToDepth.Inputs
The dataFormat attribute
dataFormat(String) - Static method in class org.tensorflow.op.nn.AvgPool
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.AvgPool.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.AvgPool3d
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.AvgPool3d.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.AvgPool3dGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.AvgPool3dGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.AvgPoolGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.AvgPoolGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.BiasAdd
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.BiasAdd.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.BiasAddGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.BiasAddGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv2d
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv2d.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInput
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv2dBackpropInput.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv3d
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv3d.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv3dBackpropFilter
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv3dBackpropFilter.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.Conv3dBackpropInput
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.Conv3dBackpropInput.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.DepthToSpace
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.DepthToSpace.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNative
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNative.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.FusedBatchNorm
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.FusedBatchNorm.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.FusedBatchNormGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.FusedBatchNormGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.MaxPool
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.MaxPool.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.MaxPool3d
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.MaxPool3d.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.MaxPool3dGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.MaxPool3dGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.MaxPool3dGradGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.MaxPool3dGradGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.MaxPoolGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.MaxPoolGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.MaxPoolGradGrad
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.MaxPoolGradGrad.Options
Sets the dataFormat option.
dataFormat(String) - Static method in class org.tensorflow.op.nn.SpaceToDepth
Sets the dataFormat option.
dataFormat(String) - Method in class org.tensorflow.op.nn.SpaceToDepth.Options
Sets the dataFormat option.
dataFormatDimMap(Operand<T>, DataFormatDimMap.Options...) - Method in class org.tensorflow.op.NnOps
Returns the dimension index in the destination data format given the one in the source data format.
DataFormatDimMap<T extends TNumber> - Class in org.tensorflow.op.nn
Returns the dimension index in the destination data format given the one in the source data format.
DataFormatDimMap(Operation) - Constructor for class org.tensorflow.op.nn.DataFormatDimMap
 
DataFormatDimMap.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
DataFormatDimMap.Options - Class in org.tensorflow.op.nn
Optional attributes for DataFormatDimMap
dataFormatVecPermute(Operand<T>, DataFormatVecPermute.Options...) - Method in class org.tensorflow.op.NnOps
Permute input tensor from src_format to dst_format.
DataFormatVecPermute<T extends TNumber> - Class in org.tensorflow.op.nn
Permute input tensor from src_format to dst_format.
DataFormatVecPermute(Operation) - Constructor for class org.tensorflow.op.nn.DataFormatVecPermute
 
DataFormatVecPermute.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
DataFormatVecPermute.Options - Class in org.tensorflow.op.nn
Optional attributes for DataFormatVecPermute
dataInputDatasets - Variable in class org.tensorflow.op.data.DirectedInterleaveDataset.Inputs
N datasets with the same type that will be interleaved according to the values of selector_input_dataset.
dataInputDatasets - Variable in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset.Inputs
N datasets with the same type that will be interleaved according to the values of selector_input_dataset.
DataOps - Class in org.tensorflow.op
An API for building data operations as Ops
dataServiceDataset(Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, DataServiceDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that reads data from the tf.data service.
DataServiceDataset - Class in org.tensorflow.op.data
Creates a dataset that reads data from the tf.data service.
DataServiceDataset(Operation) - Constructor for class org.tensorflow.op.data.DataServiceDataset
 
DataServiceDataset.Inputs - Class in org.tensorflow.op.data
 
DataServiceDataset.Options - Class in org.tensorflow.op.data
Optional attributes for DataServiceDataset
dataset - Variable in class org.tensorflow.op.core.GetElementAtIndex.Inputs
The dataset input
dataset - Variable in class org.tensorflow.op.data.DatasetToSingleElement.Inputs
A handle to a dataset that contains a single element.
dataset - Variable in class org.tensorflow.op.data.InitializeTableFromDataset.Inputs
The dataset input
dataset - Variable in class org.tensorflow.op.data.MakeIterator.Inputs
The dataset input
dataset - Variable in class org.tensorflow.op.data.MultiDeviceIteratorInit.Inputs
Dataset to be iterated upon.
dataset - Variable in class org.tensorflow.op.data.RegisterDataset.Inputs
The dataset input
dataset - Variable in class org.tensorflow.op.train.DistributedSave.Inputs
The dataset input
datasetCardinality(Operand<? extends TType>) - Method in class org.tensorflow.op.DataExperimentalOps
Returns the cardinality of input_dataset.
datasetCardinality(Operand<? extends TType>, DatasetCardinality.Options...) - Method in class org.tensorflow.op.DataOps
Returns the cardinality of input_dataset.
DatasetCardinality - Class in org.tensorflow.op.data
Returns the cardinality of input_dataset.
DatasetCardinality - Class in org.tensorflow.op.data.experimental
Returns the cardinality of input_dataset.
DatasetCardinality(Operation) - Constructor for class org.tensorflow.op.data.DatasetCardinality
 
DatasetCardinality(Operation) - Constructor for class org.tensorflow.op.data.experimental.DatasetCardinality
 
DatasetCardinality.Inputs - Class in org.tensorflow.op.data
 
DatasetCardinality.Inputs - Class in org.tensorflow.op.data.experimental
 
DatasetCardinality.Options - Class in org.tensorflow.op.data
Optional attributes for DatasetCardinality
datasetFingerprint(Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Returns the fingerprint of input_dataset.
DatasetFingerprint - Class in org.tensorflow.op.data
Returns the fingerprint of input_dataset.
DatasetFingerprint(Operation) - Constructor for class org.tensorflow.op.data.DatasetFingerprint
 
DatasetFingerprint.Inputs - Class in org.tensorflow.op.data
 
datasetFromGraph(Operand<TString>) - Method in class org.tensorflow.op.DataOps
Creates a dataset from the given graph_def.
DatasetFromGraph - Class in org.tensorflow.op.data
Creates a dataset from the given graph_def.
DatasetFromGraph(Operation) - Constructor for class org.tensorflow.op.data.DatasetFromGraph
 
DatasetFromGraph.Inputs - Class in org.tensorflow.op.data
 
datasetId - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The datasetId input
datasetId() - Method in class org.tensorflow.op.data.RegisterDataset
Gets datasetId.
datasetToGraph(Operand<? extends TType>, DatasetToGraph.Options...) - Method in class org.tensorflow.op.DataOps
Returns a serialized GraphDef representing input_dataset.
DatasetToGraph - Class in org.tensorflow.op.data
Returns a serialized GraphDef representing input_dataset.
DatasetToGraph(Operation) - Constructor for class org.tensorflow.op.data.DatasetToGraph
 
DatasetToGraph.Inputs - Class in org.tensorflow.op.data
 
DatasetToGraph.Options - Class in org.tensorflow.op.data
Optional attributes for DatasetToGraph
datasetToSingleElement(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, DatasetToSingleElement.Options...) - Method in class org.tensorflow.op.DataOps
Outputs the single element from the given dataset.
DatasetToSingleElement - Class in org.tensorflow.op.data
Outputs the single element from the given dataset.
DatasetToSingleElement(Operation) - Constructor for class org.tensorflow.op.data.DatasetToSingleElement
 
DatasetToSingleElement.Inputs - Class in org.tensorflow.op.data
 
DatasetToSingleElement.Options - Class in org.tensorflow.op.data
Optional attributes for DatasetToSingleElement
datasetToTfRecord(Operand<? extends TType>, Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.DataOps
Writes the given dataset to the given file using the TFRecord format.
datasetToTFRecord(Operand<? extends TType>, Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.DataExperimentalOps
Writes the given dataset to the given file using the TFRecord format.
DatasetToTfRecord - Class in org.tensorflow.op.data
Writes the given dataset to the given file using the TFRecord format.
DatasetToTfRecord(Operation) - Constructor for class org.tensorflow.op.data.DatasetToTfRecord
 
DatasetToTFRecord - Class in org.tensorflow.op.data.experimental
Writes the given dataset to the given file using the TFRecord format.
DatasetToTFRecord(Operation) - Constructor for class org.tensorflow.op.data.experimental.DatasetToTFRecord
 
DatasetToTfRecord.Inputs - Class in org.tensorflow.op.data
 
DatasetToTFRecord.Inputs - Class in org.tensorflow.op.data.experimental
 
dataSourceName - Variable in class org.tensorflow.op.data.experimental.SqlDataset.Inputs
A connection string to connect to the database.
dataSourceName - Variable in class org.tensorflow.op.data.SqlDataset.Inputs
A connection string to connect to the database.
dataSplits - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The splits tensor of the ragged string tensor to make ngrams out of.
dataTransferProtocol - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The dataTransferProtocol attribute
dataTransferProtocol(String) - Static method in class org.tensorflow.op.data.DataServiceDataset
Sets the dataTransferProtocol option.
dataTransferProtocol(String) - Method in class org.tensorflow.op.data.DataServiceDataset.Options
Sets the dataTransferProtocol option.
dataType - Variable in class org.tensorflow.Signature.TensorDescription
The data type of the tensor
dataType() - Method in class org.tensorflow.Output
Returns the DataType of the tensor referred to by this Output.
dataType() - Method in class org.tensorflow.RawTensor
 
dataType() - Method in interface org.tensorflow.Tensor
Returns the DataType of elements stored in the tensor.
dataType() - Element in annotation type org.tensorflow.types.annotation.TensorType
The data type of each elements in a tensor of this type
dawsn(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The Dawsn operation
Dawsn<T extends TNumber> - Class in org.tensorflow.op.math.special
The Dawsn operation
Dawsn(Operation) - Constructor for class org.tensorflow.op.math.special.Dawsn
 
Dawsn.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
db() - Method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
Gets db.
dbUri - Variable in class org.tensorflow.op.summary.CreateSummaryDbWriter.Inputs
The dbUri input
dCBar() - Method in class org.tensorflow.op.nn.GRUBlockCellGrad
Gets dCBar.
dctCoefficientCount - Variable in class org.tensorflow.op.audio.Mfcc.Inputs
How many output channels to produce per time slice.
dctCoefficientCount(Long) - Static method in class org.tensorflow.op.audio.Mfcc
Sets the dctCoefficientCount option.
dctCoefficientCount(Long) - Method in class org.tensorflow.op.audio.Mfcc.Options
Sets the dctCoefficientCount option.
dctMethod - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
string specifying a hint about the algorithm used for decompression.
dctMethod - Variable in class org.tensorflow.op.image.DecodeJpeg.Inputs
string specifying a hint about the algorithm used for decompression.
dctMethod(String) - Static method in class org.tensorflow.op.image.DecodeAndCropJpeg
Sets the dctMethod option.
dctMethod(String) - Method in class org.tensorflow.op.image.DecodeAndCropJpeg.Options
Sets the dctMethod option.
dctMethod(String) - Static method in class org.tensorflow.op.image.DecodeJpeg
Sets the dctMethod option.
dctMethod(String) - Method in class org.tensorflow.op.image.DecodeJpeg.Options
Sets the dctMethod option.
dDefaultValue() - Method in class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad
Gets dDefaultValue.
dDefaultValue() - Method in class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad
Gets dDefaultValue.
debugging - Variable in class org.tensorflow.op.Ops
 
DebuggingOps - Class in org.tensorflow.op
An API for building debugging operations as Ops
DebugGradientIdentity<T extends TType> - Class in org.tensorflow.op.debugging
Identity op for gradient debugging.
DebugGradientIdentity(Operation) - Constructor for class org.tensorflow.op.debugging.DebugGradientIdentity
 
DebugGradientIdentity.Inputs<T extends TType> - Class in org.tensorflow.op.debugging
 
DebugGradientRefIdentity<T extends TType> - Class in org.tensorflow.op.debugging
Identity op for gradient debugging.
DebugGradientRefIdentity(Operation) - Constructor for class org.tensorflow.op.debugging.DebugGradientRefIdentity
 
DebugGradientRefIdentity.Inputs<T extends TType> - Class in org.tensorflow.op.debugging
 
DebugIdentity<T extends TType> - Class in org.tensorflow.op.debugging
Provides an identity mapping of the non-Ref type input tensor for debugging.
DebugIdentity(Operation) - Constructor for class org.tensorflow.op.debugging.DebugIdentity
 
DebugIdentity.Inputs<T extends TType> - Class in org.tensorflow.op.debugging
 
DebugIdentity.Options - Class in org.tensorflow.op.debugging
Optional attributes for DebugIdentity
debugName - Variable in class org.tensorflow.op.core.VarHandleOp.Inputs
the user-given name, which still applies in anonymous mode.
debugName - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A scalar or vector containing the names of the serialized protos.
debugName - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A scalar containing the name of the serialized proto.
debugName(String) - Static method in class org.tensorflow.op.core.VarHandleOp
Sets the debugName option.
debugName(String) - Method in class org.tensorflow.op.core.VarHandleOp.Options
Sets the debugName option.
DebugNanCount - Class in org.tensorflow.op.debugging
Debug NaN Value Counter Op.
DebugNanCount(Operation) - Constructor for class org.tensorflow.op.debugging.DebugNanCount
 
DebugNanCount.Inputs - Class in org.tensorflow.op.debugging
 
DebugNanCount.Options - Class in org.tensorflow.op.debugging
Optional attributes for DebugNanCount
DebugNumericsSummary<U extends TNumber> - Class in org.tensorflow.op.debugging
Debug Numeric Summary V2 Op.
DebugNumericsSummary(Operation) - Constructor for class org.tensorflow.op.debugging.DebugNumericsSummary
 
DebugNumericsSummary.Inputs - Class in org.tensorflow.op.debugging
 
DebugNumericsSummary.Options - Class in org.tensorflow.op.debugging
Optional attributes for DebugNumericsSummary
debugOpsSpec - Variable in class org.tensorflow.op.core.Copy.Inputs
A list of debug op spec (op, url, gated_grpc) for attached debug ops.
debugOpsSpec - Variable in class org.tensorflow.op.core.CopyHost.Inputs
A list of debug op spec (op, url, gated_grpc) for attached debug ops.
debugOpsSpec(String...) - Static method in class org.tensorflow.op.core.Copy
Sets the debugOpsSpec option.
debugOpsSpec(String...) - Method in class org.tensorflow.op.core.Copy.Options
Sets the debugOpsSpec option.
debugOpsSpec(String...) - Static method in class org.tensorflow.op.core.CopyHost
Sets the debugOpsSpec option.
debugOpsSpec(String...) - Method in class org.tensorflow.op.core.CopyHost.Options
Sets the debugOpsSpec option.
debugOpsSpec(List<String>) - Static method in class org.tensorflow.op.core.Copy
Sets the debugOpsSpec option.
debugOpsSpec(List<String>) - Method in class org.tensorflow.op.core.Copy.Options
Sets the debugOpsSpec option.
debugOpsSpec(List<String>) - Static method in class org.tensorflow.op.core.CopyHost
Sets the debugOpsSpec option.
debugOpsSpec(List<String>) - Method in class org.tensorflow.op.core.CopyHost.Options
Sets the debugOpsSpec option.
debugUrls - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
List of URLs to debug targets, e.g., file:///foo/tfdbg_dump, grpc:://localhost:11011
debugUrls - Variable in class org.tensorflow.op.debugging.DebugNanCount.Inputs
List of URLs to debug targets, e.g., file:///foo/tfdbg_dump, grpc:://localhost:11011.
debugUrls(String...) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the debugUrls option.
debugUrls(String...) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the debugUrls option.
debugUrls(String...) - Static method in class org.tensorflow.op.debugging.DebugNanCount
Sets the debugUrls option.
debugUrls(String...) - Method in class org.tensorflow.op.debugging.DebugNanCount.Options
Sets the debugUrls option.
debugUrls(List<String>) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the debugUrls option.
debugUrls(List<String>) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the debugUrls option.
debugUrls(List<String>) - Static method in class org.tensorflow.op.debugging.DebugNanCount
Sets the debugUrls option.
debugUrls(List<String>) - Method in class org.tensorflow.op.debugging.DebugNanCount.Options
Sets the debugUrls option.
decodeAndCropJpeg(Operand<TString>, Operand<TInt32>, DecodeAndCropJpeg.Options...) - Method in class org.tensorflow.op.ImageOps
Decode and Crop a JPEG-encoded image to a uint8 tensor.
DecodeAndCropJpeg - Class in org.tensorflow.op.image
Decode and Crop a JPEG-encoded image to a uint8 tensor.
DecodeAndCropJpeg(Operation) - Constructor for class org.tensorflow.op.image.DecodeAndCropJpeg
 
DecodeAndCropJpeg.Inputs - Class in org.tensorflow.op.image
 
DecodeAndCropJpeg.Options - Class in org.tensorflow.op.image
Optional attributes for DecodeAndCropJpeg
decodeBase64(Operand<TString>) - Method in class org.tensorflow.op.IoOps
Decode web-safe base64-encoded strings.
DecodeBase64 - Class in org.tensorflow.op.io
Decode web-safe base64-encoded strings.
DecodeBase64(Operation) - Constructor for class org.tensorflow.op.io.DecodeBase64
 
DecodeBase64.Inputs - Class in org.tensorflow.op.io
 
decodeBmp(Operand<TString>, DecodeBmp.Options...) - Method in class org.tensorflow.op.ImageOps
Decode the first frame of a BMP-encoded image to a uint8 tensor.
DecodeBmp - Class in org.tensorflow.op.image
Decode the first frame of a BMP-encoded image to a uint8 tensor.
DecodeBmp(Operation) - Constructor for class org.tensorflow.op.image.DecodeBmp
 
DecodeBmp.Inputs - Class in org.tensorflow.op.image
 
DecodeBmp.Options - Class in org.tensorflow.op.image
Optional attributes for DecodeBmp
decodeCompressed(Operand<TString>, DecodeCompressed.Options...) - Method in class org.tensorflow.op.IoOps
Decompress strings.
DecodeCompressed - Class in org.tensorflow.op.io
Decompress strings.
DecodeCompressed(Operation) - Constructor for class org.tensorflow.op.io.DecodeCompressed
 
DecodeCompressed.Inputs - Class in org.tensorflow.op.io
 
DecodeCompressed.Options - Class in org.tensorflow.op.io
Optional attributes for DecodeCompressed
decodeCsv(Operand<TString>, Iterable<Operand<?>>, DecodeCsv.Options...) - Method in class org.tensorflow.op.IoOps
Convert CSV records to tensors.
DecodeCsv - Class in org.tensorflow.op.io
Convert CSV records to tensors.
DecodeCsv(Operation) - Constructor for class org.tensorflow.op.io.DecodeCsv
 
DecodeCsv.Inputs - Class in org.tensorflow.op.io
 
DecodeCsv.Options - Class in org.tensorflow.op.io
Optional attributes for DecodeCsv
decodedIndices() - Method in class org.tensorflow.op.nn.CtcBeamSearchDecoder
Gets decodedIndices.
decodedIndices() - Method in class org.tensorflow.op.nn.CtcGreedyDecoder
Gets decodedIndices.
decodedShape() - Method in class org.tensorflow.op.nn.CtcBeamSearchDecoder
Gets decodedShape.
decodedShape() - Method in class org.tensorflow.op.nn.CtcGreedyDecoder
Gets decodedShape.
decodedValues() - Method in class org.tensorflow.op.nn.CtcBeamSearchDecoder
Gets decodedValues.
decodedValues() - Method in class org.tensorflow.op.nn.CtcGreedyDecoder
Gets decodedValues.
decodeGif(Operand<TString>) - Method in class org.tensorflow.op.ImageOps
Decode the frame(s) of a GIF-encoded image to a uint8 tensor.
DecodeGif - Class in org.tensorflow.op.image
Decode the frame(s) of a GIF-encoded image to a uint8 tensor.
DecodeGif(Operation) - Constructor for class org.tensorflow.op.image.DecodeGif
 
DecodeGif.Inputs - Class in org.tensorflow.op.image
 
decodeImage(Operand<TString>, Class<T>, DecodeImage.Options...) - Method in class org.tensorflow.op.ImageOps
Function for decode_bmp, decode_gif, decode_jpeg, and decode_png.
decodeImage(Operand<TString>, DecodeImage.Options[]) - Method in class org.tensorflow.op.ImageOps
Function for decode_bmp, decode_gif, decode_jpeg, and decode_png.
DecodeImage<T extends TNumber> - Class in org.tensorflow.op.image
Function for decode_bmp, decode_gif, decode_jpeg, and decode_png.
DecodeImage(Operation) - Constructor for class org.tensorflow.op.image.DecodeImage
 
DecodeImage.Inputs - Class in org.tensorflow.op.image
 
DecodeImage.Options - Class in org.tensorflow.op.image
Optional attributes for DecodeImage
decodeJpeg(Operand<TString>, DecodeJpeg.Options...) - Method in class org.tensorflow.op.ImageOps
Decode a JPEG-encoded image to a uint8 tensor.
DecodeJpeg - Class in org.tensorflow.op.image
Decode a JPEG-encoded image to a uint8 tensor.
DecodeJpeg(Operation) - Constructor for class org.tensorflow.op.image.DecodeJpeg
 
DecodeJpeg.Inputs - Class in org.tensorflow.op.image
 
DecodeJpeg.Options - Class in org.tensorflow.op.image
Optional attributes for DecodeJpeg
decodeJsonExample(Operand<TString>) - Method in class org.tensorflow.op.IoOps
Convert JSON-encoded Example records to binary protocol buffer strings.
DecodeJsonExample - Class in org.tensorflow.op.io
Convert JSON-encoded Example records to binary protocol buffer strings.
DecodeJsonExample(Operation) - Constructor for class org.tensorflow.op.io.DecodeJsonExample
 
DecodeJsonExample.Inputs - Class in org.tensorflow.op.io
 
decodePaddedRaw(Operand<TString>, Operand<TInt32>, Class<T>, DecodePaddedRaw.Options...) - Method in class org.tensorflow.op.IoOps
Reinterpret the bytes of a string as a vector of numbers.
DecodePaddedRaw<T extends TNumber> - Class in org.tensorflow.op.io
Reinterpret the bytes of a string as a vector of numbers.
DecodePaddedRaw(Operation) - Constructor for class org.tensorflow.op.io.DecodePaddedRaw
 
DecodePaddedRaw.Inputs - Class in org.tensorflow.op.io
 
DecodePaddedRaw.Options - Class in org.tensorflow.op.io
Optional attributes for DecodePaddedRaw
decodePng(Operand<TString>, Class<T>, DecodePng.Options...) - Method in class org.tensorflow.op.ImageOps
Decode a PNG-encoded image to a uint8 or uint16 tensor.
decodePng(Operand<TString>, DecodePng.Options[]) - Method in class org.tensorflow.op.ImageOps
Decode a PNG-encoded image to a uint8 or uint16 tensor.
DecodePng<T extends TNumber> - Class in org.tensorflow.op.image
Decode a PNG-encoded image to a uint8 or uint16 tensor.
DecodePng(Operation) - Constructor for class org.tensorflow.op.image.DecodePng
 
DecodePng.Inputs - Class in org.tensorflow.op.image
 
DecodePng.Options - Class in org.tensorflow.op.image
Optional attributes for DecodePng
decodeProto(Operand<TString>, String, List<String>, List<Class<? extends TType>>, DecodeProto.Options...) - Method in class org.tensorflow.op.Ops
The op extracts fields from a serialized protocol buffers message into tensors.
DecodeProto - Class in org.tensorflow.op.core
The op extracts fields from a serialized protocol buffers message into tensors.
DecodeProto(Operation) - Constructor for class org.tensorflow.op.core.DecodeProto
 
DecodeProto.Inputs - Class in org.tensorflow.op.core
 
DecodeProto.Options - Class in org.tensorflow.op.core
Optional attributes for DecodeProto
decodeRaw(Operand<TString>, Class<T>, DecodeRaw.Options...) - Method in class org.tensorflow.op.IoOps
Reinterpret the bytes of a string as a vector of numbers.
DecodeRaw<T extends TType> - Class in org.tensorflow.op.io
Reinterpret the bytes of a string as a vector of numbers.
DecodeRaw(Operation) - Constructor for class org.tensorflow.op.io.DecodeRaw
 
DecodeRaw.Inputs - Class in org.tensorflow.op.io
 
DecodeRaw.Options - Class in org.tensorflow.op.io
Optional attributes for DecodeRaw
decodeWav(Operand<TString>, DecodeWav.Options...) - Method in class org.tensorflow.op.AudioOps
Decode a 16-bit PCM WAV file to a float tensor.
DecodeWav - Class in org.tensorflow.op.audio
Decode a 16-bit PCM WAV file to a float tensor.
DecodeWav(Operation) - Constructor for class org.tensorflow.op.audio.DecodeWav
 
DecodeWav.Inputs - Class in org.tensorflow.op.audio
 
DecodeWav.Options - Class in org.tensorflow.op.audio
Optional attributes for DecodeWav
deduplicationData - Variable in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations.Inputs
A Tensor with type=DT_VARIANT containing the deduplication data.
deduplicationData - Variable in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients.Inputs
A Tensor with type=DT_VARIANT containing the deduplication data.
deepCopy(Operand<T>) - Method in class org.tensorflow.op.Ops
Makes a copy of x.
DeepCopy<T extends TType> - Class in org.tensorflow.op.core
Makes a copy of x.
DeepCopy(Operation) - Constructor for class org.tensorflow.op.core.DeepCopy
 
DeepCopy.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
DEFAULT_KEY - Static variable in class org.tensorflow.Signature
The default signature key, when not provided
DEFAULT_TAG - Static variable in class org.tensorflow.SavedModelBundle
 
defaultValue - Variable in class org.tensorflow.op.core.LookupTableFind.Inputs
The defaultValue input
defaultValue - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRows.Inputs
The defaultValue input
defaultValue - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
The default_value when the shape is larger than the ragged tensor.
defaultValue - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRows.Inputs
0-D.
defaultValue - Variable in class org.tensorflow.op.sparse.SparseToDense.Inputs
Scalar value to set for indices not specified in sparse_indices.
deletedKey - Variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
The deletedKey input
deletedKey - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
The deletedKey input
deleteIterator(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
A container for an iterator resource.
DeleteIterator - Class in org.tensorflow.op.data
A container for an iterator resource.
DeleteIterator(Operation) - Constructor for class org.tensorflow.op.data.DeleteIterator
 
DeleteIterator.Inputs - Class in org.tensorflow.op.data
 
deleteMemoryCache(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
The DeleteMemoryCache operation
DeleteMemoryCache - Class in org.tensorflow.op.data
The DeleteMemoryCache operation
DeleteMemoryCache(Operation) - Constructor for class org.tensorflow.op.data.DeleteMemoryCache
 
DeleteMemoryCache.Inputs - Class in org.tensorflow.op.data
 
deleteMultiDeviceIterator(Operand<? extends TType>, Iterable<Operand<? extends TType>>, Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
A container for an iterator resource.
DeleteMultiDeviceIterator - Class in org.tensorflow.op.data
A container for an iterator resource.
DeleteMultiDeviceIterator(Operation) - Constructor for class org.tensorflow.op.data.DeleteMultiDeviceIterator
 
DeleteMultiDeviceIterator.Inputs - Class in org.tensorflow.op.data
 
deleteOldDirs - Variable in class org.tensorflow.op.train.MergeV2Checkpoints.Inputs
see above.
deleteOldDirs(Boolean) - Static method in class org.tensorflow.op.train.MergeV2Checkpoints
Sets the deleteOldDirs option.
deleteOldDirs(Boolean) - Method in class org.tensorflow.op.train.MergeV2Checkpoints.Options
Sets the deleteOldDirs option.
deleter - Variable in class org.tensorflow.op.data.DeleteIterator.Inputs
A variant deleter.
deleter - Variable in class org.tensorflow.op.data.DeleteMemoryCache.Inputs
The deleter input
deleter - Variable in class org.tensorflow.op.data.DeleteMultiDeviceIterator.Inputs
A variant deleter.
deleter - Variable in class org.tensorflow.op.random.DeleteRandomSeedGenerator.Inputs
The deleter input
deleter - Variable in class org.tensorflow.op.random.DeleteSeedGenerator.Inputs
The deleter input
deleter() - Method in class org.tensorflow.op.data.AnonymousMemoryCache
Gets deleter.
deleter() - Method in class org.tensorflow.op.random.AnonymousRandomSeedGenerator
Gets deleter.
deleter() - Method in class org.tensorflow.op.random.AnonymousSeedGenerator
Gets deleter.
deleteRandomSeedGenerator(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.RandomOps
The DeleteRandomSeedGenerator operation
DeleteRandomSeedGenerator - Class in org.tensorflow.op.random
The DeleteRandomSeedGenerator operation
DeleteRandomSeedGenerator(Operation) - Constructor for class org.tensorflow.op.random.DeleteRandomSeedGenerator
 
DeleteRandomSeedGenerator.Inputs - Class in org.tensorflow.op.random
 
deleteSeedGenerator(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.RandomOps
The DeleteSeedGenerator operation
DeleteSeedGenerator - Class in org.tensorflow.op.random
The DeleteSeedGenerator operation
DeleteSeedGenerator(Operation) - Constructor for class org.tensorflow.op.random.DeleteSeedGenerator
 
DeleteSeedGenerator.Inputs - Class in org.tensorflow.op.random
 
deleteSessionTensor(Operand<TString>) - Method in class org.tensorflow.op.Ops
Delete the tensor specified by its handle in the session.
DeleteSessionTensor - Class in org.tensorflow.op.core
Delete the tensor specified by its handle in the session.
DeleteSessionTensor(Operation) - Constructor for class org.tensorflow.op.core.DeleteSessionTensor
 
DeleteSessionTensor.Inputs - Class in org.tensorflow.op.core
 
delimiter - Variable in class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
Delimiter to separate fields in a line.
delimiter(String) - Static method in class org.tensorflow.op.core.InitializeTableFromTextFile
Sets the delimiter option.
delimiter(String) - Method in class org.tensorflow.op.core.InitializeTableFromTextFile.Options
Sets the delimiter option.
delta - Variable in class org.tensorflow.op.core.For.Inputs
The increment.
delta - Variable in class org.tensorflow.op.core.Range.Inputs
0-D (scalar).
delta - Variable in class org.tensorflow.op.image.AdjustHue.Inputs
A float delta to add to the hue.
delta - Variable in class org.tensorflow.op.random.RngReadAndSkip.Inputs
The amount of advancement.
delta - Variable in class org.tensorflow.op.random.RngSkip.Inputs
The amount of advancement.
delta - Variable in class org.tensorflow.op.train.ApplyGradientDescent.Inputs
The change.
delta - Variable in class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
The change.
delta - Variable in class org.tensorflow.op.train.ResourceApplyGradientDescent.Inputs
The change.
delta - Variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
The change.
deltas - Variable in class org.tensorflow.op.ragged.RaggedRange.Inputs
The deltas of each range.
dense - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseAdd.Inputs
R-D.
dense - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseDiv.Inputs
R-D.
dense - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseMul.Inputs
R-D.
dense() - Method in class org.tensorflow.op.sparse.SparseToDense
Gets dense.
denseBincount(Operand<T>, Operand<T>, Operand<U>, DenseBincount.Options...) - Method in class org.tensorflow.op.MathOps
Counts the number of occurrences of each value in an integer array.
DenseBincount<U extends TNumber> - Class in org.tensorflow.op.math
Counts the number of occurrences of each value in an integer array.
DenseBincount(Operation) - Constructor for class org.tensorflow.op.math.DenseBincount
 
DenseBincount.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.math
 
DenseBincount.Options - Class in org.tensorflow.op.math
Optional attributes for DenseBincount
denseCountSparseOutput(Operand<? extends TNumber>, Operand<U>, Boolean, DenseCountSparseOutput.Options...) - Method in class org.tensorflow.op.SparseOps
Performs sparse-output bin counting for a tf.tensor input.
DenseCountSparseOutput<U extends TNumber> - Class in org.tensorflow.op.sparse
Performs sparse-output bin counting for a tf.tensor input.
DenseCountSparseOutput(Operation) - Constructor for class org.tensorflow.op.sparse.DenseCountSparseOutput
 
DenseCountSparseOutput.Inputs<U extends TNumber> - Class in org.tensorflow.op.sparse
 
DenseCountSparseOutput.Options - Class in org.tensorflow.op.sparse
Optional attributes for DenseCountSparseOutput
denseDefaults - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
A dict mapping string keys to Tensors.
denseDefaults - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
A dict mapping string keys to Tensors.
denseDefaults - Variable in class org.tensorflow.op.io.ParseExample.Inputs
A list of Tensors (some may be empty).
denseDefaults - Variable in class org.tensorflow.op.io.ParseSingleExample.Inputs
A list of Tensors (some may be empty), whose length matches the length of dense_keys.
denseFeatures - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of matrices which contains the dense feature values.
denseInput - Variable in class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix.Inputs
A Dense tensor.
denseInputs - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The tf.Tensor inputs.
denseInputs - Variable in class org.tensorflow.op.sparse.SparseCross.Inputs
2-D.
denseInputs - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
2-D.
denseKeys - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
A list of Ndense string Tensors (scalars).
denseKeys - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
A list of Ndense string Tensors (scalars).
denseKeys - Variable in class org.tensorflow.op.io.ParseExample.Inputs
Vector of strings.
denseKeys - Variable in class org.tensorflow.op.io.ParseSingleExample.Inputs
The keys expected in the Examples' features associated with dense values.
denseOutput() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense
Gets denseOutput.
denseOutputDim0 - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
dimension 0 of "data" passed to SparseSegmentMean op.
denseOutputDim0 - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
dimension 0 of "data" passed to SparseSegmentSqrtN op.
denseOutputDim0 - Variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
dimension 0 of "data" passed to SparseSegmentSum op.
denseShape - Variable in class org.tensorflow.op.data.SparseTensorSliceDataset.Inputs
The denseShape input
denseShape - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixZeros.Inputs
The desired matrix shape.
denseShape - Variable in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix.Inputs
SparseTensor dense shape.
denseShape - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
1D int64 Tensor.
denseShape - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Tensor containing the dense shape of the sparse tensor to count.
denseShape - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRows.Inputs
1-D.
denseShape() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor
Gets denseShape.
denseShape() - Method in interface org.tensorflow.SparseTensor
Gets the sparse tensor dimensions defining the shape in that tensor in a dense space.
denseShapes - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
List of tuples with the same length as dense_keys.
denseShapes - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
List of tuples with the same length as dense_keys.
denseShapes - Variable in class org.tensorflow.op.io.ParseExample.Inputs
A list of num_dense shapes; the shapes of data in each Feature given in dense_keys (where num_dense = dense_keys.size()).
denseShapes - Variable in class org.tensorflow.op.io.ParseSingleExample.Inputs
The shapes of data in each Feature given in dense_keys.
denseToCSRSparseMatrix(Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.LinalgSparseOps
Converts a dense tensor to a (possibly batched) CSRSparseMatrix.
DenseToCSRSparseMatrix - Class in org.tensorflow.op.linalg.sparse
Converts a dense tensor to a (possibly batched) CSRSparseMatrix.
DenseToCSRSparseMatrix(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix
 
DenseToCSRSparseMatrix.Inputs - Class in org.tensorflow.op.linalg.sparse
 
denseToDenseSetOperation(Operand<T>, Operand<T>, String, DenseToDenseSetOperation.Options...) - Method in class org.tensorflow.op.SparseOps
Applies set operation along last dimension of 2 Tensor inputs.
DenseToDenseSetOperation<T extends TType> - Class in org.tensorflow.op.sparse
Applies set operation along last dimension of 2 Tensor inputs.
DenseToDenseSetOperation(Operation) - Constructor for class org.tensorflow.op.sparse.DenseToDenseSetOperation
 
DenseToDenseSetOperation.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
DenseToDenseSetOperation.Options - Class in org.tensorflow.op.sparse
Optional attributes for DenseToDenseSetOperation
denseToSparseBatchDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that batches input elements into a SparseTensor.
denseToSparseBatchDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that batches input elements into a SparseTensor.
DenseToSparseBatchDataset - Class in org.tensorflow.op.data
Creates a dataset that batches input elements into a SparseTensor.
DenseToSparseBatchDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that batches input elements into a SparseTensor.
DenseToSparseBatchDataset(Operation) - Constructor for class org.tensorflow.op.data.DenseToSparseBatchDataset
 
DenseToSparseBatchDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset
 
DenseToSparseBatchDataset.Inputs - Class in org.tensorflow.op.data
 
DenseToSparseBatchDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
denseToSparseSetOperation(Operand<T>, Operand<TInt64>, Operand<T>, Operand<TInt64>, String, DenseToSparseSetOperation.Options...) - Method in class org.tensorflow.op.SparseOps
Applies set operation along last dimension of Tensor and SparseTensor.
DenseToSparseSetOperation<T extends TType> - Class in org.tensorflow.op.sparse
Applies set operation along last dimension of Tensor and SparseTensor.
DenseToSparseSetOperation(Operation) - Constructor for class org.tensorflow.op.sparse.DenseToSparseSetOperation
 
DenseToSparseSetOperation.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
DenseToSparseSetOperation.Options - Class in org.tensorflow.op.sparse
Optional attributes for DenseToSparseSetOperation
denseTypes - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The denseTypes attribute
denseTypes - Variable in class org.tensorflow.op.sparse.SparseCross.Inputs
The denseTypes attribute
denseTypes - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
The denseTypes attribute
denseValues() - Method in class org.tensorflow.op.io.ParseExample
Gets denseValues.
denseValues() - Method in class org.tensorflow.op.io.ParseSingleExample
Gets denseValues.
denseValuesGrad() - Method in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient
Gets denseValuesGrad.
denseValuesShape - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient.Inputs
Shape of the dense_values that was used as an input to the RaggedTensorToVariant op.
denseWeights - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of vectors where the values are the weights associated with a dense feature group.
densityUnit - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
Unit used to specify x_density and y_density: pixels per inch ('in') or centimeter ('cm').
densityUnit(String) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the densityUnit option.
densityUnit(String) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the densityUnit option.
depth - Variable in class org.tensorflow.op.core.OneHot.Inputs
A scalar defining the depth of the one hot dimension.
depthRadius - Variable in class org.tensorflow.op.nn.LocalResponseNormalization.Inputs
0-D.
depthRadius - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
A depth radius.
depthRadius(Long) - Static method in class org.tensorflow.op.nn.LocalResponseNormalization
Sets the depthRadius option.
depthRadius(Long) - Method in class org.tensorflow.op.nn.LocalResponseNormalization.Options
Sets the depthRadius option.
depthRadius(Long) - Static method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
Sets the depthRadius option.
depthRadius(Long) - Method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Options
Sets the depthRadius option.
depthToSpace(Operand<T>, Long, DepthToSpace.Options...) - Method in class org.tensorflow.op.NnOps
DepthToSpace for tensors of type T.
DepthToSpace<T extends TType> - Class in org.tensorflow.op.nn
DepthToSpace for tensors of type T.
DepthToSpace(Operation) - Constructor for class org.tensorflow.op.nn.DepthToSpace
 
DepthToSpace.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
DepthToSpace.Options - Class in org.tensorflow.op.nn
Optional attributes for DepthToSpace
depthwiseConv2dNative(Operand<T>, Operand<T>, List<Long>, String, DepthwiseConv2dNative.Options...) - Method in class org.tensorflow.op.NnOps
Computes a 2-D depthwise convolution given 4-D input and filter tensors.
DepthwiseConv2dNative<T extends TNumber> - Class in org.tensorflow.op.nn
Computes a 2-D depthwise convolution given 4-D input and filter tensors.
DepthwiseConv2dNative(Operation) - Constructor for class org.tensorflow.op.nn.DepthwiseConv2dNative
 
DepthwiseConv2dNative.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
DepthwiseConv2dNative.Options - Class in org.tensorflow.op.nn
Optional attributes for DepthwiseConv2dNative
depthwiseConv2dNativeBackpropFilter(Operand<T>, Operand<TInt32>, Operand<T>, List<Long>, String, DepthwiseConv2dNativeBackpropFilter.Options...) - Method in class org.tensorflow.op.NnOps
Computes the gradients of depthwise convolution with respect to the filter.
DepthwiseConv2dNativeBackpropFilter<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of depthwise convolution with respect to the filter.
DepthwiseConv2dNativeBackpropFilter(Operation) - Constructor for class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
 
DepthwiseConv2dNativeBackpropFilter.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
DepthwiseConv2dNativeBackpropFilter.Options - Class in org.tensorflow.op.nn
Optional attributes for DepthwiseConv2dNativeBackpropFilter
depthwiseConv2dNativeBackpropInput(Operand<TInt32>, Operand<T>, Operand<T>, List<Long>, String, DepthwiseConv2dNativeBackpropInput.Options...) - Method in class org.tensorflow.op.NnOps
Computes the gradients of depthwise convolution with respect to the input.
DepthwiseConv2dNativeBackpropInput<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradients of depthwise convolution with respect to the input.
DepthwiseConv2dNativeBackpropInput(Operation) - Constructor for class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
 
DepthwiseConv2dNativeBackpropInput.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
DepthwiseConv2dNativeBackpropInput.Options - Class in org.tensorflow.op.nn
Optional attributes for DepthwiseConv2dNativeBackpropInput
dequantize(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>, Dequantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
Dequantize the 'input' tensor into a float or bfloat16 Tensor.
dequantize(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Dequantize.Options[]) - Method in class org.tensorflow.op.QuantizationOps
Dequantize the 'input' tensor into a float or bfloat16 Tensor.
Dequantize<U extends TNumber> - Class in org.tensorflow.op.quantization
Dequantize the 'input' tensor into a float or bfloat16 Tensor.
Dequantize(Operation) - Constructor for class org.tensorflow.op.quantization.Dequantize
 
Dequantize.Inputs - Class in org.tensorflow.op.quantization
 
Dequantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for Dequantize
describeByClass() - Element in annotation type org.tensorflow.op.annotation.Endpoint
Indicates that the class description should be copied in the documentation of this endpoint, instead of the description of the annotated method.
descriptorSource - Variable in class org.tensorflow.op.core.DecodeProto.Inputs
Either the special value local:// or a path to a file containing a serialized FileDescriptorSet.
descriptorSource - Variable in class org.tensorflow.op.core.EncodeProto.Inputs
The descriptorSource attribute
descriptorSource(String) - Static method in class org.tensorflow.op.core.DecodeProto
Sets the descriptorSource option.
descriptorSource(String) - Method in class org.tensorflow.op.core.DecodeProto.Options
Sets the descriptorSource option.
descriptorSource(String) - Static method in class org.tensorflow.op.core.EncodeProto
Sets the descriptorSource option.
descriptorSource(String) - Method in class org.tensorflow.op.core.EncodeProto.Options
Sets the descriptorSource option.
deserializeIterator(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Converts the given variant tensor to an iterator and stores it in the given resource.
DeserializeIterator - Class in org.tensorflow.op.data
Converts the given variant tensor to an iterator and stores it in the given resource.
DeserializeIterator(Operation) - Constructor for class org.tensorflow.op.data.DeserializeIterator
 
DeserializeIterator.Inputs - Class in org.tensorflow.op.data
 
deserializeManySparse(Operand<TString>, Class<T>) - Method in class org.tensorflow.op.IoOps
Deserialize and concatenate SparseTensors from a serialized minibatch.
DeserializeManySparse<T extends TType> - Class in org.tensorflow.op.io
Deserialize and concatenate SparseTensors from a serialized minibatch.
DeserializeManySparse(Operation) - Constructor for class org.tensorflow.op.io.DeserializeManySparse
 
DeserializeManySparse.Inputs - Class in org.tensorflow.op.io
 
deserializeSparse(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.SparseOps
Deserialize SparseTensor objects.
DeserializeSparse<U extends TType> - Class in org.tensorflow.op.sparse
Deserialize SparseTensor objects.
DeserializeSparse(Operation) - Constructor for class org.tensorflow.op.sparse.DeserializeSparse
 
DeserializeSparse.Inputs - Class in org.tensorflow.op.sparse
 
desiredChannels - Variable in class org.tensorflow.op.audio.DecodeWav.Inputs
Number of sample channels wanted.
desiredChannels(Long) - Static method in class org.tensorflow.op.audio.DecodeWav
Sets the desiredChannels option.
desiredChannels(Long) - Method in class org.tensorflow.op.audio.DecodeWav.Options
Sets the desiredChannels option.
desiredSamples - Variable in class org.tensorflow.op.audio.DecodeWav.Inputs
Length of audio requested.
desiredSamples(Long) - Static method in class org.tensorflow.op.audio.DecodeWav
Sets the desiredSamples option.
desiredSamples(Long) - Method in class org.tensorflow.op.audio.DecodeWav.Options
Sets the desiredSamples option.
destinationPrefix - Variable in class org.tensorflow.op.train.MergeV2Checkpoints.Inputs
scalar.
destroyResourceOp(Operand<? extends TType>, DestroyResourceOp.Options...) - Method in class org.tensorflow.op.Ops
Deletes the resource specified by the handle.
DestroyResourceOp - Class in org.tensorflow.op.core
Deletes the resource specified by the handle.
DestroyResourceOp(Operation) - Constructor for class org.tensorflow.op.core.DestroyResourceOp
 
DestroyResourceOp.Inputs - Class in org.tensorflow.op.core
 
DestroyResourceOp.Options - Class in org.tensorflow.op.core
Optional attributes for DestroyResourceOp
destroyTemporaryVariable(Operand<T>, String) - Method in class org.tensorflow.op.Ops
Destroys the temporary variable and returns its final value.
DestroyTemporaryVariable<T extends TType> - Class in org.tensorflow.op.core
Destroys the temporary variable and returns its final value.
DestroyTemporaryVariable(Operation) - Constructor for class org.tensorflow.op.core.DestroyTemporaryVariable
 
DestroyTemporaryVariable.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
det(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Computes the determinant of one or more square matrices.
Det<T extends TType> - Class in org.tensorflow.op.linalg
Computes the determinant of one or more square matrices.
Det(Operation) - Constructor for class org.tensorflow.op.linalg.Det
 
Det.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
deterministic - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The deterministic attribute
deterministic - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The deterministic attribute
deterministic - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
A string indicating the op-level determinism to use.
deterministic - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
A string indicating the op-level determinism to use.
deterministic - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The deterministic attribute
deterministic - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
A string indicating the op-level determinism to use.
deterministic - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
When set to True, a fixed pooling region will be used when iterating over a FractionalAvgPool node in the computation graph.
deterministic - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
When set to True, a fixed pooling region will be used when iterating over a FractionalMaxPool node in the computation graph.
deterministic(Boolean) - Static method in class org.tensorflow.op.nn.FractionalAvgPool
Sets the deterministic option.
deterministic(Boolean) - Method in class org.tensorflow.op.nn.FractionalAvgPool.Options
Sets the deterministic option.
deterministic(Boolean) - Static method in class org.tensorflow.op.nn.FractionalMaxPool
Sets the deterministic option.
deterministic(Boolean) - Method in class org.tensorflow.op.nn.FractionalMaxPool.Options
Sets the deterministic option.
deterministic(String) - Static method in class org.tensorflow.op.data.LegacyParallelInterleaveDataset
Sets the deterministic option.
deterministic(String) - Method in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Options
Sets the deterministic option.
deterministic(String) - Static method in class org.tensorflow.op.data.ParallelBatchDataset
Sets the deterministic option.
deterministic(String) - Method in class org.tensorflow.op.data.ParallelBatchDataset.Options
Sets the deterministic option.
deterministic(String) - Static method in class org.tensorflow.op.data.ParallelFilterDataset
Sets the deterministic option.
deterministic(String) - Method in class org.tensorflow.op.data.ParallelFilterDataset.Options
Sets the deterministic option.
deterministic(String) - Static method in class org.tensorflow.op.data.ParallelInterleaveDataset
Sets the deterministic option.
deterministic(String) - Method in class org.tensorflow.op.data.ParallelInterleaveDataset.Options
Sets the deterministic option.
deterministic(String) - Static method in class org.tensorflow.op.data.ParallelMapDataset
Sets the deterministic option.
deterministic(String) - Method in class org.tensorflow.op.data.ParallelMapDataset.Options
Sets the deterministic option.
deterministic(String) - Static method in class org.tensorflow.op.data.ParseExampleDataset
Sets the deterministic option.
deterministic(String) - Method in class org.tensorflow.op.data.ParseExampleDataset.Options
Sets the deterministic option.
device() - Method in class org.tensorflow.GraphOperation
Get the op's device.
device() - Method in class org.tensorflow.op.data.experimental.IteratorGetDevice
Gets device.
device() - Method in class org.tensorflow.op.data.IteratorGetDevice
Gets device.
deviceAssignment - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
The assignment of devices for the computation.
deviceAssignment - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
The assignment of devices for the computation.
deviceAssignment(Long...) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the deviceAssignment option.
deviceAssignment(Long...) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the deviceAssignment option.
deviceAssignment(Long...) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the deviceAssignment option.
deviceAssignment(Long...) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the deviceAssignment option.
deviceAssignment(List<Long>) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the deviceAssignment option.
deviceAssignment(List<Long>) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the deviceAssignment option.
deviceAssignment(List<Long>) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the deviceAssignment option.
deviceAssignment(List<Long>) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the deviceAssignment option.
deviceIndex - Variable in class org.tensorflow.op.collective.CollectiveAssignGroup.Inputs
The deviceIndex input
deviceIndex() - Method in class org.tensorflow.DeviceSpec
 
deviceIndex(Integer) - Method in class org.tensorflow.DeviceSpec.Builder
 
deviceIndex(List<String>) - Method in class org.tensorflow.op.Ops
Return the index of device the op runs.
DeviceIndex - Class in org.tensorflow.op.core
Return the index of device the op runs.
DeviceIndex(Operation) - Constructor for class org.tensorflow.op.core.DeviceIndex
 
DeviceIndex.Inputs - Class in org.tensorflow.op.core
 
deviceName - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
Name of the device on which the tensor resides.
deviceName - Variable in class org.tensorflow.op.debugging.DebugNanCount.Inputs
The deviceName attribute
deviceName(String) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the deviceName option.
deviceName(String) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the deviceName option.
deviceName(String) - Static method in class org.tensorflow.op.debugging.DebugNanCount
Sets the deviceName option.
deviceName(String) - Method in class org.tensorflow.op.debugging.DebugNanCount.Options
Sets the deviceName option.
deviceNames - Variable in class org.tensorflow.op.core.DeviceIndex.Inputs
The deviceNames attribute
deviceOrdinal - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The deviceOrdinal input
deviceOrdinal - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.InfeedEnqueue.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.OutfeedDequeue.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.OutfeedDequeueTuple.Inputs
The TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.OutfeedDequeueTupleV2.Inputs
An int scalar tensor, representing the TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.OutfeedDequeueV2.Inputs
An int scalar tensor, representing the TPU device to use.
deviceOrdinal - Variable in class org.tensorflow.op.tpu.PartitionedCall.Inputs
The TPU device ordinal to run the function on.
deviceOrdinal() - Method in class org.tensorflow.op.tpu.TPURoundRobin
Gets deviceOrdinal.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.InfeedEnqueue
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.InfeedEnqueue.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.InfeedEnqueueTuple
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.OutfeedDequeue
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.OutfeedDequeue.Options
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Static method in class org.tensorflow.op.tpu.OutfeedDequeueTuple
Sets the deviceOrdinal option.
deviceOrdinal(Long) - Method in class org.tensorflow.op.tpu.OutfeedDequeueTuple.Options
Sets the deviceOrdinal option.
deviceOrdinals() - Method in class org.tensorflow.op.tpu.OrdinalSelector
Gets deviceOrdinals.
devicePlacementPolicy(EagerSession.DevicePlacementPolicy) - Method in class org.tensorflow.EagerSession.Options
Controls how to act when we try to run an operation on a given device but some input tensors are not on that device.
devices - Variable in class org.tensorflow.op.data.AnonymousMultiDeviceIterator.Inputs
The devices attribute
devices - Variable in class org.tensorflow.op.data.MultiDeviceIterator.Inputs
A list of devices the iterator works across.
DeviceSpec - Class in org.tensorflow
Represents a (possibly partial) specification for a TensorFlow device.
DeviceSpec.Builder - Class in org.tensorflow
A Builder class for building DeviceSpec class.
DeviceSpec.DeviceType - Enum in org.tensorflow
 
deviceType() - Method in class org.tensorflow.DeviceSpec
 
deviceType(DeviceSpec.DeviceType) - Method in class org.tensorflow.DeviceSpec.Builder
 
deviceVarReadsIndices - Variable in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables.Inputs
The deviceVarReadsIndices attribute
deviceVarUpdatesIndices - Variable in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables.Inputs
The deviceVarUpdatesIndices attribute
dg() - Method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
Gets dg.
dH - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The dH input
dHPrev() - Method in class org.tensorflow.op.nn.GRUBlockCellGrad
Gets dHPrev.
diagonal - Variable in class org.tensorflow.op.linalg.BatchMatrixDiag.Inputs
The diagonal input
diagonal - Variable in class org.tensorflow.op.linalg.BatchMatrixSetDiag.Inputs
The diagonal input
diagonal - Variable in class org.tensorflow.op.linalg.MatrixDiag.Inputs
Rank r, where r >= 1
diagonal - Variable in class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
Rank r, where r >= 1
diagonal - Variable in class org.tensorflow.op.linalg.MatrixSetDiag.Inputs
Rank r when k is an integer or k[0] == k[1].
diagonal - Variable in class org.tensorflow.op.linalg.TensorDiag.Inputs
Rank k tensor where k is at most 1.
diagonal() - Method in class org.tensorflow.op.linalg.BatchMatrixDiagPart
Gets diagonal.
diagonal() - Method in class org.tensorflow.op.linalg.MatrixDiagPart
Gets diagonal.
diagonal() - Method in class org.tensorflow.op.linalg.MatrixDiagPartV3
Gets diagonal.
diagonal() - Method in class org.tensorflow.op.linalg.TensorDiagPart
Gets diagonal.
diagonals - Variable in class org.tensorflow.op.linalg.TridiagonalSolve.Inputs
Tensor of shape [..., 3, M] whose innermost 2 dimensions represent the tridiagonal matrices with three rows being the superdiagonal, diagonals, and subdiagonals, in order.
dicfo() - Method in class org.tensorflow.op.nn.LSTMBlockCellGrad
Gets dicfo.
digamma(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes Psi, the derivative of Lgamma (the log of the absolute value of Gamma(x)), element-wise.
Digamma<T extends TNumber> - Class in org.tensorflow.op.math
Computes Psi, the derivative of Lgamma (the log of the absolute value of Gamma(x)), element-wise.
Digamma(Operation) - Constructor for class org.tensorflow.op.math.Digamma
 
Digamma.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
dilation2d(Operand<T>, Operand<T>, List<Long>, List<Long>, String) - Method in class org.tensorflow.op.NnOps
Computes the grayscale dilation of 4-D input and 3-D filter tensors.
Dilation2d<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the grayscale dilation of 4-D input and 3-D filter tensors.
Dilation2d(Operation) - Constructor for class org.tensorflow.op.nn.Dilation2d
 
Dilation2d.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
dilation2dBackpropFilter(Operand<T>, Operand<T>, Operand<T>, List<Long>, List<Long>, String) - Method in class org.tensorflow.op.NnOps
Computes the gradient of morphological 2-D dilation with respect to the filter.
Dilation2dBackpropFilter<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradient of morphological 2-D dilation with respect to the filter.
Dilation2dBackpropFilter(Operation) - Constructor for class org.tensorflow.op.nn.Dilation2dBackpropFilter
 
Dilation2dBackpropFilter.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
dilation2dBackpropInput(Operand<T>, Operand<T>, Operand<T>, List<Long>, List<Long>, String) - Method in class org.tensorflow.op.NnOps
Computes the gradient of morphological 2-D dilation with respect to the input.
Dilation2dBackpropInput<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the gradient of morphological 2-D dilation with respect to the input.
Dilation2dBackpropInput(Operation) - Constructor for class org.tensorflow.op.nn.Dilation2dBackpropInput
 
Dilation2dBackpropInput.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
dilations - Variable in class org.tensorflow.op.nn.Conv.Inputs
1-D tensor of length N+2.
dilations - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.Conv3d.Inputs
1-D tensor of length 5.
dilations - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
1-D tensor of length 5.
dilations - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
1-D tensor of length 5.
dilations - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
1-D tensor of length 4.
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
list of dilation values.
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The dilations attribute
dilations - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
List of dilation values.
dilations - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
List of dilation values.
dilations - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
List of dilation values.
dilations - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
List of dilation values.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv2d
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv2d.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInput
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropInput.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv3d
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv3d.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv3dBackpropFilter
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv3dBackpropFilter.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.Conv3dBackpropInput
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.Conv3dBackpropInput.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNative
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNative.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2d
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2d.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Options
Sets the dilations option.
dilations(Long...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Sets the dilations option.
dilations(Long...) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2d
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv2d.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInput
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropInput.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv3d
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv3d.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv3dBackpropFilter
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv3dBackpropFilter.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.Conv3dBackpropInput
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.Conv3dBackpropInput.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNative
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNative.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2d
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2d.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Options
Sets the dilations option.
dilations(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Sets the dilations option.
dilations(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Options
Sets the dilations option.
dim - Variable in class org.tensorflow.op.math.SobolSample.Inputs
Positive scalar Tensor representing each sample's dimension.
dimension - Variable in class org.tensorflow.op.math.ArgMax.Inputs
int16, int32 or int64, must be in the range [-rank(input), rank(input)).
dimension - Variable in class org.tensorflow.op.math.ArgMin.Inputs
int32 or int64, must be in the range [-rank(input), rank(input)).
dimensionNumbers - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
Structure of dimension information for the convolution op.
dimensionNumbers - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
Structure of dimension information for the convolution op.
dimensionNumbers(String) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the dimensionNumbers option.
dimensionNumbers(String) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the dimensionNumbers option.
dimensionNumbers(String) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the dimensionNumbers option.
dimensionNumbers(String) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the dimensionNumbers option.
dims - Variable in class org.tensorflow.op.core.Fill.Inputs
1-D.
dims - Variable in class org.tensorflow.op.core.UnravelIndex.Inputs
An 1-D int Tensor.
directedInterleaveDataset(Operand<? extends TType>, Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
A substitute for InterleaveDataset on a fixed list of N datasets.
directedInterleaveDataset(Operand<? extends TType>, Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>, DirectedInterleaveDataset.Options...) - Method in class org.tensorflow.op.DataOps
A substitute for InterleaveDataset on a fixed list of N datasets.
DirectedInterleaveDataset - Class in org.tensorflow.op.data
A substitute for InterleaveDataset on a fixed list of N datasets.
DirectedInterleaveDataset - Class in org.tensorflow.op.data.experimental
A substitute for InterleaveDataset on a fixed list of N datasets.
DirectedInterleaveDataset(Operation) - Constructor for class org.tensorflow.op.data.DirectedInterleaveDataset
 
DirectedInterleaveDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.DirectedInterleaveDataset
 
DirectedInterleaveDataset.Inputs - Class in org.tensorflow.op.data
 
DirectedInterleaveDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
DirectedInterleaveDataset.Options - Class in org.tensorflow.op.data
Optional attributes for DirectedInterleaveDataset
direction - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The direction attribute
direction - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The direction attribute
direction - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The direction attribute
direction - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The direction attribute
direction - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The direction attribute
direction(String) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the direction option.
direction(String) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the direction option.
direction(String) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the direction option.
direction(String) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the direction option.
direction(String) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Sets the direction option.
direction(String) - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Options
Sets the direction option.
direction(String) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Sets the direction option.
direction(String) - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize.Options
Sets the direction option.
direction(String) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Sets the direction option.
direction(String) - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Options
Sets the direction option.
directory - Variable in class org.tensorflow.op.train.DistributedSave.Inputs
The directory input
disableCopyOnRead(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Turns off the copy-on-read mode.
DisableCopyOnRead - Class in org.tensorflow.op.io
Turns off the copy-on-read mode.
DisableCopyOnRead(Operation) - Constructor for class org.tensorflow.op.io.DisableCopyOnRead
 
DisableCopyOnRead.Inputs - Class in org.tensorflow.op.io
 
displayName - Variable in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Inputs
A human-readable name for the threads that may be visible in some visualizations.
displayName - Variable in class org.tensorflow.op.data.ThreadPoolHandle.Inputs
A human-readable name for the threads that may be visible in some visualizations.
distances - Variable in class org.tensorflow.op.cluster.KMC2ChainInitialization.Inputs
Vector with squared distances to the closest previously sampled cluster center for each candidate point.
distortion - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
The distortion is used to skew the unigram probability distribution.
distortion(Float) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the distortion option.
distortion(Float) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the distortion option.
distribute - Variable in class org.tensorflow.op.Ops
 
distributedSave(Operand<? extends TType>, Operand<TString>, Operand<TString>, DistributedSave.Options...) - Method in class org.tensorflow.op.TrainOps
The DistributedSave operation
DistributedSave - Class in org.tensorflow.op.train
The DistributedSave operation
DistributedSave(Operation) - Constructor for class org.tensorflow.op.train.DistributedSave
 
DistributedSave.Inputs - Class in org.tensorflow.op.train
 
DistributedSave.Options - Class in org.tensorflow.op.train
Optional attributes for DistributedSave
DistributeOps - Class in org.tensorflow.op
An API for building distribute operations as Ops
div(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x / y element-wise.
Div<T extends TType> - Class in org.tensorflow.op.math
Returns x / y element-wise.
Div(Operation) - Constructor for class org.tensorflow.op.math.Div
 
Div.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
divNoNan(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns 0 if the denominator is zero.
DivNoNan<T extends TType> - Class in org.tensorflow.op.math
Returns 0 if the denominator is zero.
DivNoNan(Operation) - Constructor for class org.tensorflow.op.math.DivNoNan
 
DivNoNan.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
dm() - Method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
Gets dm.
drawBoundingBoxes(Operand<T>, Operand<TFloat32>, Operand<TFloat32>) - Method in class org.tensorflow.op.ImageOps
Draw bounding boxes on a batch of images.
DrawBoundingBoxes<T extends TNumber> - Class in org.tensorflow.op.image
Draw bounding boxes on a batch of images.
DrawBoundingBoxes(Operation) - Constructor for class org.tensorflow.op.image.DrawBoundingBoxes
 
DrawBoundingBoxes.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
dRBarUBar() - Method in class org.tensorflow.op.nn.GRUBlockCellGrad
Gets dRBarUBar.
driverName - Variable in class org.tensorflow.op.data.experimental.SqlDataset.Inputs
The database type.
driverName - Variable in class org.tensorflow.op.data.SqlDataset.Inputs
The database type.
dropout - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The dropout attribute
dropout - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The dropout attribute
dropout - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The dropout attribute
dropout - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The dropout attribute
dropout - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The dropout attribute
dropout(Float) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the dropout option.
dropout(Float) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the dropout option.
dropout(Float) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the dropout option.
dropout(Float) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the dropout option.
dropout(Float) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Sets the dropout option.
dropout(Float) - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Options
Sets the dropout option.
dropout(Float) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Sets the dropout option.
dropout(Float) - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize.Options
Sets the dropout option.
dropout(Float) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Sets the dropout option.
dropout(Float) - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Options
Sets the dropout option.
dropRemainder - Variable in class org.tensorflow.op.data.BatchDataset.Inputs
A scalar representing whether the last batch should be dropped in case its size is smaller than desired.
dropRemainder - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
A scalar representing whether the last batch should be dropped in case its size is smaller than desired.
dropRemainder - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
A scalar representing whether the last batch should be dropped in case its size is smaller than desired.
dropRemainder - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
A scalar representing whether the last batch should be dropped in case its size is smaller than desired.
dropRemainder - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The dropRemainder input
dropRemainder - Variable in class org.tensorflow.op.data.RebatchDatasetV2.Inputs
The dropRemainder input
dropRemainder - Variable in class org.tensorflow.op.data.SlidingWindowDataset.Inputs
The dropRemainder attribute
dropRemainder - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
A Boolean scalar, representing whether the last window should be dropped if its size is smaller than window_size.
dropRemainder(Boolean) - Static method in class org.tensorflow.op.data.SlidingWindowDataset
Sets the dropRemainder option.
dropRemainder(Boolean) - Method in class org.tensorflow.op.data.SlidingWindowDataset.Options
Sets the dropRemainder option.
dstFormat - Variable in class org.tensorflow.op.nn.DataFormatDimMap.Inputs
destination data format.
dstFormat - Variable in class org.tensorflow.op.nn.DataFormatVecPermute.Inputs
destination data format.
dstFormat(String) - Static method in class org.tensorflow.op.nn.DataFormatDimMap
Sets the dstFormat option.
dstFormat(String) - Method in class org.tensorflow.op.nn.DataFormatDimMap.Options
Sets the dstFormat option.
dstFormat(String) - Static method in class org.tensorflow.op.nn.DataFormatVecPermute
Sets the dstFormat option.
dstFormat(String) - Method in class org.tensorflow.op.nn.DataFormatVecPermute.Options
Sets the dstFormat option.
DstT - Variable in class org.tensorflow.op.dtypes.Cast.Inputs
The DstT attribute
dt - Variable in class org.tensorflow.op.train.RestoreSlice.Inputs
The type of the tensor to be restored.
dTensorRestore(Operand<TString>, Operand<TString>, Operand<TString>, List<Shape>, List<String>, List<Class<? extends TType>>) - Method in class org.tensorflow.op.TpuOps
The DTensorRestoreV2 operation
DTensorRestore - Class in org.tensorflow.op.tpu
The DTensorRestoreV2 operation
DTensorRestore(Operation) - Constructor for class org.tensorflow.op.tpu.DTensorRestore
 
DTensorRestore.Inputs - Class in org.tensorflow.op.tpu
 
dtype - Variable in class org.tensorflow.op.core.AssignAddVariableOp.Inputs
the dtype of the value.
dtype - Variable in class org.tensorflow.op.core.AssignSubVariableOp.Inputs
the dtype of the value.
dtype - Variable in class org.tensorflow.op.core.AssignVariableOp.Inputs
the dtype of the value.
dtype - Variable in class org.tensorflow.op.core.Empty.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.FakeParam.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.core.GetSessionTensor.Inputs
The type of the output value.
dtype - Variable in class org.tensorflow.op.core.HistogramFixedWidth.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.HostConst.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ImmutableConst.Inputs
Type of the returned tensor.
dtype - Variable in class org.tensorflow.op.core.IsVariableInitialized.Inputs
The type of elements in the variable tensor.
dtype - Variable in class org.tensorflow.op.core.Placeholder.Inputs
The type of elements in the tensor.
dtype - Variable in class org.tensorflow.op.core.PlaceholderWithDefault.Inputs
The type of elements in the tensor.
dtype - Variable in class org.tensorflow.op.core.RandomIndexShuffle.Inputs
The dtype of the input and output.
dtype - Variable in class org.tensorflow.op.core.ReadVariableOp.Inputs
the dtype of the value.
dtype - Variable in class org.tensorflow.op.core.ResourceGather.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceGatherNd.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceScatterAdd.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceScatterDiv.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceScatterMax.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceScatterMin.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceScatterMul.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceScatterSub.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.ResourceScatterUpdate.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.TemporaryVariable.Inputs
The type of elements in the variable tensor.
dtype - Variable in class org.tensorflow.op.core.TensorArray.Inputs
The type of the elements on the tensor_array.
dtype - Variable in class org.tensorflow.op.core.TensorArrayConcat.Inputs
The type of the elem that is returned.
dtype - Variable in class org.tensorflow.op.core.TensorArrayGather.Inputs
The type of the elem that is returned.
dtype - Variable in class org.tensorflow.op.core.TensorArrayPack.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.core.TensorArrayRead.Inputs
The type of the elem that is returned.
dtype - Variable in class org.tensorflow.op.core.VarHandleOp.Inputs
the type of this variable.
dtype - Variable in class org.tensorflow.op.core.Variable.Inputs
The type of elements in the variable tensor.
dtype - Variable in class org.tensorflow.op.image.DecodeImage.Inputs
The desired DType of the returned Tensor.
dtype - Variable in class org.tensorflow.op.image.DecodePng.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV2.Inputs
Input dtype.
dtype - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
Input dtype.
dtype - Variable in class org.tensorflow.op.io.DeserializeManySparse.Inputs
The dtype of the serialized SparseTensor objects.
dtype - Variable in class org.tensorflow.op.math.SobolSample.Inputs
The type of the sample.
dtype - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
Type of the output tensor.
dtype - Variable in class org.tensorflow.op.random.NonDeterministicInts.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.RandomPoisson.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.random.RandomStandardNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.RandomUniform.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.random.StatefulStandardNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatefulTruncatedNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatefulUniform.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatefulUniformFullInt.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatefulUniformInt.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomGamma.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomNormalV2.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomUniform.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullInt.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessRandomUniformV2.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessTruncatedNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.StatelessTruncatedNormalV2.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.random.TruncatedNormal.Inputs
The type of the output.
dtype - Variable in class org.tensorflow.op.sparse.DeserializeSparse.Inputs
The dtype of the serialized SparseTensor objects.
dtype - Variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
The data type of accumulated gradients.
dtype - Variable in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient.Inputs
The data type of accumulated gradients.
dtype - Variable in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Inputs
The type of the value being accumulated.
dtype - Variable in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap.Inputs
The dtype of the SparseTensor objects stored in the SparseTensorsMap.
dtype - Variable in class org.tensorflow.op.tpu.InfeedDequeue.Inputs
The type of elements in the tensor.
dtype - Variable in class org.tensorflow.op.tpu.InfeedEnqueue.Inputs
The type of elements in the tensor.
dtype - Variable in class org.tensorflow.op.tpu.OutfeedDequeue.Inputs
The type of elements in the tensor.
dtype - Variable in class org.tensorflow.op.tpu.OutfeedDequeueV2.Inputs
The type of elements in the tensor.
dtype - Variable in class org.tensorflow.op.tpu.OutfeedEnqueue.Inputs
The dtype attribute
dtype - Variable in class org.tensorflow.op.tpu.Prelinearize.Inputs
The type of elements in the tensor.
dtype - Variable in class org.tensorflow.op.train.AccumulatorApplyGradient.Inputs
The data type of accumulated gradients.
dtype - Variable in class org.tensorflow.op.train.AccumulatorTakeGradient.Inputs
The data type of accumulated gradients.
dtype - Variable in class org.tensorflow.op.train.ConditionalAccumulator.Inputs
The type of the value being accumulated.
dtype - Variable in class org.tensorflow.op.train.ResourceAccumulatorApplyGradient.Inputs
The data type of accumulated gradients.
dtype - Variable in class org.tensorflow.op.train.ResourceAccumulatorTakeGradient.Inputs
The data type of accumulated gradients.
dtype - Variable in class org.tensorflow.op.train.ResourceConditionalAccumulator.Inputs
The type of the value being accumulated.
dtypes - Variable in class org.tensorflow.op.core.MapClear.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.MapIncompleteSize.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.MapPeek.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.MapSize.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.MapStage.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.MapUnstage.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.MapUnstageNoKey.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.OrderedMapClear.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.OrderedMapIncompleteSize.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.OrderedMapPeek.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.OrderedMapSize.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.OrderedMapUnstage.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.Stage.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.StageClear.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.StagePeek.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.StageSize.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.core.Unstage.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.Ops
 
dtypes - Variable in class org.tensorflow.op.tpu.DTensorRestore.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.tpu.InfeedDequeueTuple.Inputs
The element types of each element in outputs.
dtypes - Variable in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Inputs
The element types of each element in inputs.
dtypes - Variable in class org.tensorflow.op.tpu.OutfeedDequeueTuple.Inputs
The element types of each element in outputs.
dtypes - Variable in class org.tensorflow.op.tpu.OutfeedDequeueTupleV2.Inputs
The element types of each element in outputs.
dtypes - Variable in class org.tensorflow.op.tpu.OutfeedEnqueueTuple.Inputs
The dtypes attribute
dtypes - Variable in class org.tensorflow.op.tpu.PrelinearizeTuple.Inputs
The element types of each element in inputs.
dtypes - Variable in class org.tensorflow.op.train.Restore.Inputs
shape {N}.
dtypes - Variable in class org.tensorflow.op.train.Save.Inputs
The dtypes attribute
DtypesOps - Class in org.tensorflow.op
An API for building dtypes operations as Ops
dummyIterationCounter() - Method in class org.tensorflow.op.DataOps
The DummyIterationCounter operation
DummyIterationCounter - Class in org.tensorflow.op.data
The DummyIterationCounter operation
DummyIterationCounter(Operation) - Constructor for class org.tensorflow.op.data.DummyIterationCounter
 
DummyIterationCounter.Inputs - Class in org.tensorflow.op.data
 
dummyMemoryCache() - Method in class org.tensorflow.op.Ops
The DummyMemoryCache operation
DummyMemoryCache - Class in org.tensorflow.op.core
The DummyMemoryCache operation
DummyMemoryCache(Operation) - Constructor for class org.tensorflow.op.core.DummyMemoryCache
 
DummyMemoryCache.Inputs - Class in org.tensorflow.op.core
 
dummySeedGenerator() - Method in class org.tensorflow.op.RandomOps
The DummySeedGenerator operation
DummySeedGenerator - Class in org.tensorflow.op.random
The DummySeedGenerator operation
DummySeedGenerator(Operation) - Constructor for class org.tensorflow.op.random.DummySeedGenerator
 
DummySeedGenerator.Inputs - Class in org.tensorflow.op.random
 
dv() - Method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
Gets dv.
dValues() - Method in class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad
Gets dValues.
dValues() - Method in class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad
Gets dValues.
dx() - Method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
Gets dx.
dx(Iterable<? extends Operand<?>>) - Static method in class org.tensorflow.op.core.Gradients
 
dx(Iterable<? extends Operand<?>>) - Method in class org.tensorflow.op.core.Gradients.Options
 
dX() - Method in class org.tensorflow.op.nn.GRUBlockCellGrad
Gets dX.
dy - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The dy input
dy - Variable in class org.tensorflow.op.math.ReciprocalGrad.Inputs
The dy input
dy - Variable in class org.tensorflow.op.math.RsqrtGrad.Inputs
The dy input
dy - Variable in class org.tensorflow.op.math.SigmoidGrad.Inputs
The dy input
dy - Variable in class org.tensorflow.op.math.SqrtGrad.Inputs
The dy input
dy - Variable in class org.tensorflow.op.math.TanhGrad.Inputs
The dy input
dy - Variable in class org.tensorflow.op.nn.InvGrad.Inputs
The dy input
dy() - Method in class org.tensorflow.op.core.Gradients
Partial derivatives of ys w.r.t.
dy(int) - Method in class org.tensorflow.op.core.Gradients
Returns a symbolic handle to one of the gradient operation output
dynamicEnqueueTPUEmbeddingArbitraryTensorBatch(Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, Operand<TInt32>, DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Options...) - Method in class org.tensorflow.op.TpuOps
Eases the porting of code that uses tf.nn.embedding_lookup_sparse().
DynamicEnqueueTPUEmbeddingArbitraryTensorBatch - Class in org.tensorflow.op.tpu
Eases the porting of code that uses tf.nn.embedding_lookup_sparse().
DynamicEnqueueTPUEmbeddingArbitraryTensorBatch(Operation) - Constructor for class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch
 
DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs - Class in org.tensorflow.op.tpu
 
DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Options - Class in org.tensorflow.op.tpu
dynamicEnqueueTPUEmbeddingRaggedTensorBatch(Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, Operand<TInt32>, List<Long>, DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options...) - Method in class org.tensorflow.op.TpuOps
The DynamicEnqueueTPUEmbeddingRaggedTensorBatch operation
DynamicEnqueueTPUEmbeddingRaggedTensorBatch - Class in org.tensorflow.op.tpu
The DynamicEnqueueTPUEmbeddingRaggedTensorBatch operation
DynamicEnqueueTPUEmbeddingRaggedTensorBatch(Operation) - Constructor for class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
 
DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs - Class in org.tensorflow.op.tpu
 
DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options - Class in org.tensorflow.op.tpu
dynamicPartition(Operand<T>, Operand<TInt32>, Long) - Method in class org.tensorflow.op.Ops
Partitions data into num_partitions tensors using indices from partitions.
DynamicPartition<T extends TType> - Class in org.tensorflow.op.core
Partitions data into num_partitions tensors using indices from partitions.
DynamicPartition(Operation) - Constructor for class org.tensorflow.op.core.DynamicPartition
 
DynamicPartition.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
dynamicShapes - Variable in class org.tensorflow.op.tpu.Compile.Inputs
The dynamicShapes input
dynamicSize - Variable in class org.tensorflow.op.core.TensorArray.Inputs
A boolean that determines whether writes to the TensorArray are allowed to grow the size.
dynamicSize(Boolean) - Static method in class org.tensorflow.op.core.TensorArray
Sets the dynamicSize option.
dynamicSize(Boolean) - Method in class org.tensorflow.op.core.TensorArray.Options
Sets the dynamicSize option.
dynamicStitch(Iterable<Operand<TInt32>>, Iterable<Operand<T>>) - Method in class org.tensorflow.op.Ops
Interleave the values from the data tensors into a single tensor.
DynamicStitch<T extends TType> - Class in org.tensorflow.op.core
Interleave the values from the data tensors into a single tensor.
DynamicStitch(Operation) - Constructor for class org.tensorflow.op.core.DynamicStitch
 
DynamicStitch.Inputs<T extends TType> - Class in org.tensorflow.op.core
 

E

e - Variable in class org.tensorflow.op.core.Select.Inputs
The e input
e() - Method in class org.tensorflow.op.linalg.BatchSelfAdjointEig
Gets e.
e() - Method in class org.tensorflow.op.linalg.Eig
Gets e.
e() - Method in class org.tensorflow.op.linalg.SelfAdjointEig
Gets e.
EAGER - Enum constant in enum org.tensorflow.ExecutionEnvironment.Types
 
EagerSession - Class in org.tensorflow
An environment for executing TensorFlow operations eagerly.
EagerSession.DevicePlacementPolicy - Enum in org.tensorflow
Controls how to act when we try to run an operation on a given device but some input tensors are not on that device.
EagerSession.Options - Class in org.tensorflow
 
editDistance(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, EditDistance.Options...) - Method in class org.tensorflow.op.Ops
Computes the (possibly normalized) Levenshtein Edit Distance.
EditDistance - Class in org.tensorflow.op.core
Computes the (possibly normalized) Levenshtein Edit Distance.
EditDistance(Operation) - Constructor for class org.tensorflow.op.core.EditDistance
 
EditDistance.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
EditDistance.Options - Class in org.tensorflow.op.core
Optional attributes for EditDistance
eig(Operand<? extends TType>, Class<U>, Eig.Options...) - Method in class org.tensorflow.op.LinalgOps
Computes the eigen decomposition of one or more square matrices.
Eig<U extends TType> - Class in org.tensorflow.op.linalg
Computes the eigen decomposition of one or more square matrices.
Eig(Operation) - Constructor for class org.tensorflow.op.linalg.Eig
 
Eig.Inputs - Class in org.tensorflow.op.linalg
 
Eig.Options - Class in org.tensorflow.op.linalg
Optional attributes for Eig
einsum(Iterable<Operand<T>>, String) - Method in class org.tensorflow.op.LinalgOps
Tensor contraction according to Einstein summation convention.
Einsum<T extends TType> - Class in org.tensorflow.op.linalg
Tensor contraction according to Einstein summation convention.
Einsum(Operation) - Constructor for class org.tensorflow.op.linalg.Einsum
 
Einsum.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
elem - Variable in class org.tensorflow.op.core.StackPush.Inputs
The tensor to be pushed onto the stack.
elem() - Method in class org.tensorflow.op.core.StackPop
Gets elem.
elementDtype - Variable in class org.tensorflow.op.core.EmptyTensorList.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListConcat.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListConcatLists.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListFromTensor.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListGather.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListGetItem.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListPopBack.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListPushBack.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListPushBackBatch.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListReserve.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListScatter.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListScatterIntoExistingList.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListSetItem.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListSplit.Inputs
The elementDtype attribute
elementDtype - Variable in class org.tensorflow.op.core.TensorListStack.Inputs
The elementDtype attribute
elementShape - Variable in class org.tensorflow.op.core.EmptyTensorList.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorArray.Inputs
The expected shape of an element, if known.
elementShape - Variable in class org.tensorflow.op.core.TensorArrayGather.Inputs
The expected shape of an element, if known.
elementShape - Variable in class org.tensorflow.op.core.TensorArrayPack.Inputs
The elementShape attribute
elementShape - Variable in class org.tensorflow.op.core.TensorListConcat.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListFromTensor.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListGather.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListGetItem.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListPopBack.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListReserve.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListScatter.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListSplit.Inputs
The elementShape input
elementShape - Variable in class org.tensorflow.op.core.TensorListStack.Inputs
The elementShape input
elementShape() - Method in class org.tensorflow.op.core.TensorListElementShape
Gets elementShape.
elementShape(Shape) - Static method in class org.tensorflow.op.core.TensorArray
Sets the elementShape option.
elementShape(Shape) - Method in class org.tensorflow.op.core.TensorArray.Options
Sets the elementShape option.
elementShape(Shape) - Static method in class org.tensorflow.op.core.TensorArrayGather
Sets the elementShape option.
elementShape(Shape) - Method in class org.tensorflow.op.core.TensorArrayGather.Options
Sets the elementShape option.
elementShape(Shape) - Static method in class org.tensorflow.op.core.TensorArrayPack
Sets the elementShape option.
elementShape(Shape) - Method in class org.tensorflow.op.core.TensorArrayPack.Options
Sets the elementShape option.
elementShapeExcept0 - Variable in class org.tensorflow.op.core.TensorArrayConcat.Inputs
The expected shape of an element, if known, excluding the first dimension.
elementShapeExcept0(Shape) - Static method in class org.tensorflow.op.core.TensorArrayConcat
Sets the elementShapeExcept0 option.
elementShapeExcept0(Shape) - Method in class org.tensorflow.op.core.TensorArrayConcat.Options
Sets the elementShapeExcept0 option.
elementSpec - Variable in class org.tensorflow.op.data.RegisterDataset.Inputs
The elementSpec attribute
elementSpec(String) - Static method in class org.tensorflow.op.data.RegisterDataset
Sets the elementSpec option.
elementSpec(String) - Method in class org.tensorflow.op.data.RegisterDataset.Options
Sets the elementSpec option.
elemType - Variable in class org.tensorflow.op.core.StackCreate.Inputs
The type of the elements on the stack.
elemType - Variable in class org.tensorflow.op.core.StackPop.Inputs
The type of the elem that is popped.
ellipsisMask - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The ellipsisMask attribute
ellipsisMask - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
a bitmask where bit i being 1 means the ith position is actually an ellipsis.
ellipsisMask - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The ellipsisMask attribute
ellipsisMask - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The ellipsisMask attribute
ellipsisMask - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The ellipsisMask attribute
ellipsisMask(Long) - Static method in class org.tensorflow.op.core.ResourceStridedSliceAssign
Sets the ellipsisMask option.
ellipsisMask(Long) - Method in class org.tensorflow.op.core.ResourceStridedSliceAssign.Options
Sets the ellipsisMask option.
ellipsisMask(Long) - Static method in class org.tensorflow.op.core.StridedSlice
Sets the ellipsisMask option.
ellipsisMask(Long) - Method in class org.tensorflow.op.core.StridedSlice.Options
Sets the ellipsisMask option.
ellipsisMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceAssign
Sets the ellipsisMask option.
ellipsisMask(Long) - Method in class org.tensorflow.op.core.StridedSliceAssign.Options
Sets the ellipsisMask option.
ellipsisMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceGrad
Sets the ellipsisMask option.
ellipsisMask(Long) - Method in class org.tensorflow.op.core.StridedSliceGrad.Options
Sets the ellipsisMask option.
ellipsisMask(Long) - Static method in class org.tensorflow.op.core.TensorStridedSliceUpdate
Sets the ellipsisMask option.
ellipsisMask(Long) - Method in class org.tensorflow.op.core.TensorStridedSliceUpdate.Options
Sets the ellipsisMask option.
elu(Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes the exponential linear function.
Elu<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the exponential linear function.
Elu(Operation) - Constructor for class org.tensorflow.op.nn.Elu
 
Elu.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
eluGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes gradients for the exponential linear (Elu) operation.
EluGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradients for the exponential linear (Elu) operation.
EluGrad(Operation) - Constructor for class org.tensorflow.op.nn.EluGrad
 
EluGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
embeddingActivations(Operand<TFloat32>, Operand<TFloat32>, Long, Long) - Method in class org.tensorflow.op.TpuOps
An op enabling differentiation of TPU Embeddings.
EmbeddingActivations - Class in org.tensorflow.op.tpu
An op enabling differentiation of TPU Embeddings.
EmbeddingActivations(Operation) - Constructor for class org.tensorflow.op.tpu.EmbeddingActivations
 
EmbeddingActivations.Inputs - Class in org.tensorflow.op.tpu
 
embeddingConfig - Variable in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Inputs
Reserved.
embeddingConfig(String) - Static method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Sets the embeddingConfig option.
embeddingConfig(String) - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Options
Sets the embeddingConfig option.
embeddingIndices - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of rank 1 Tensors, indices into the embedding tables.
embeddingIndices - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The embeddingIndices input
embeddingIndices - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of rank 1 Tensors, indices into the embedding tables.
embeddingIndices - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
A list of rank 1 Tensors, indices into the embedding tables.
embeddingIndices - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
A list of rank 1 Tensors, indices into the embedding tables.
embeddingIndices - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
A list of rank 1 Tensors, indices into the embedding tables.
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagrad.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseCoreSgd.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The embeddingTable input
embeddingTable - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The embeddingTable input
embeddingVariable - Variable in class org.tensorflow.op.tpu.EmbeddingActivations.Inputs
A trainable variable, enabling optimizers to find this op.
embeddingVariable - Variable in class org.tensorflow.op.tpu.TPUEmbeddingActivations.Inputs
Deprecated.
A trainable variable, enabling optimizers to find this op.
empty(Operand<TInt32>, Class<T>, Empty.Options...) - Method in class org.tensorflow.op.Ops
Creates a tensor with the given shape.
Empty<T extends TType> - Class in org.tensorflow.op.core
Creates a tensor with the given shape.
Empty(Operation) - Constructor for class org.tensorflow.op.core.Empty
 
Empty.Inputs - Class in org.tensorflow.op.core
 
Empty.Options - Class in org.tensorflow.op.core
Optional attributes for Empty
emptyKey - Variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
The key used to represent empty key buckets internally.
emptyKey - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
The key used to represent empty key buckets internally.
emptyRowIndicator() - Method in class org.tensorflow.op.ragged.RaggedFillEmptyRows
Gets emptyRowIndicator.
emptyRowIndicator() - Method in class org.tensorflow.op.sparse.SparseFillEmptyRows
Gets emptyRowIndicator.
emptyTensorList(Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.Ops
Creates and returns an empty tensor list.
EmptyTensorList - Class in org.tensorflow.op.core
Creates and returns an empty tensor list.
EmptyTensorList(Operation) - Constructor for class org.tensorflow.op.core.EmptyTensorList
 
EmptyTensorList.Inputs - Class in org.tensorflow.op.core
 
emptyTensorMap() - Method in class org.tensorflow.op.Ops
Creates and returns an empty tensor map.
EmptyTensorMap - Class in org.tensorflow.op.core
Creates and returns an empty tensor map.
EmptyTensorMap(Operation) - Constructor for class org.tensorflow.op.core.EmptyTensorMap
 
EmptyTensorMap.Inputs - Class in org.tensorflow.op.core
 
enableLargeBatchSplitting - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
input with a large size (i.e., larger than the largest value of allowed_batch_sizes) will be splitted into multiple batches with batch size.
enableLargeBatchSplitting(Boolean) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the enableLargeBatchSplitting option.
enableLargeBatchSplitting(Boolean) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the enableLargeBatchSplitting option.
enableWholeMeshCompilations - Variable in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Inputs
The enableWholeMeshCompilations attribute
enableWholeMeshCompilations(Boolean) - Static method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Sets the enableWholeMeshCompilations option.
enableWholeMeshCompilations(Boolean) - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Options
Sets the enableWholeMeshCompilations option.
encodeBase64(Operand<TString>, EncodeBase64.Options...) - Method in class org.tensorflow.op.IoOps
Encode strings into web-safe base64 format.
EncodeBase64 - Class in org.tensorflow.op.io
Encode strings into web-safe base64 format.
EncodeBase64(Operation) - Constructor for class org.tensorflow.op.io.EncodeBase64
 
EncodeBase64.Inputs - Class in org.tensorflow.op.io
 
EncodeBase64.Options - Class in org.tensorflow.op.io
Optional attributes for EncodeBase64
encoded - Variable in class org.tensorflow.op.core.CompositeTensorVariantToComponents.Inputs
A scalar variant Tensor containing an encoded ExtensionType value.
encoded() - Method in class org.tensorflow.op.core.CompositeTensorVariantFromComponents
Gets encoded.
encodedRagged - Variable in class org.tensorflow.op.ragged.RaggedTensorFromVariant.Inputs
A variant Tensor containing encoded RaggedTensors.
encodedRagged() - Method in class org.tensorflow.op.ragged.RaggedTensorToVariant
Gets encodedRagged.
encodedRaggedGrad - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient.Inputs
A variant Tensor containing encoded RaggedTensor gradients.
encodeJpeg(Operand<TUint8>, EncodeJpeg.Options...) - Method in class org.tensorflow.op.ImageOps
JPEG-encode an image.
EncodeJpeg - Class in org.tensorflow.op.image
JPEG-encode an image.
EncodeJpeg(Operation) - Constructor for class org.tensorflow.op.image.EncodeJpeg
 
EncodeJpeg.Inputs - Class in org.tensorflow.op.image
 
EncodeJpeg.Options - Class in org.tensorflow.op.image
Optional attributes for EncodeJpeg
encodeJpegVariableQuality(Operand<TUint8>, Operand<TInt32>) - Method in class org.tensorflow.op.ImageOps
JPEG encode input image with provided compression quality.
EncodeJpegVariableQuality - Class in org.tensorflow.op.image
JPEG encode input image with provided compression quality.
EncodeJpegVariableQuality(Operation) - Constructor for class org.tensorflow.op.image.EncodeJpegVariableQuality
 
EncodeJpegVariableQuality.Inputs - Class in org.tensorflow.op.image
 
encodePng(Operand<? extends TNumber>, EncodePng.Options...) - Method in class org.tensorflow.op.ImageOps
PNG-encode an image.
EncodePng - Class in org.tensorflow.op.image
PNG-encode an image.
EncodePng(Operation) - Constructor for class org.tensorflow.op.image.EncodePng
 
EncodePng.Inputs - Class in org.tensorflow.op.image
 
EncodePng.Options - Class in org.tensorflow.op.image
Optional attributes for EncodePng
encodeProto(Operand<TInt32>, Iterable<Operand<?>>, List<String>, String, EncodeProto.Options...) - Method in class org.tensorflow.op.Ops
The op serializes protobuf messages provided in the input tensors.
EncodeProto - Class in org.tensorflow.op.core
The op serializes protobuf messages provided in the input tensors.
EncodeProto(Operation) - Constructor for class org.tensorflow.op.core.EncodeProto
 
EncodeProto.Inputs - Class in org.tensorflow.op.core
 
EncodeProto.Options - Class in org.tensorflow.op.core
Optional attributes for EncodeProto
encodeWav(Operand<TFloat32>, Operand<TInt32>) - Method in class org.tensorflow.op.AudioOps
Encode audio data using the WAV file format.
EncodeWav - Class in org.tensorflow.op.audio
Encode audio data using the WAV file format.
EncodeWav(Operation) - Constructor for class org.tensorflow.op.audio.EncodeWav
 
EncodeWav.Inputs - Class in org.tensorflow.op.audio
 
encoding - Variable in class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
The type of encoding for the file.
encoding - Variable in class org.tensorflow.op.strings.Lower.Inputs
Character encoding of input.
encoding - Variable in class org.tensorflow.op.strings.Upper.Inputs
Character encoding of input.
encoding(String) - Static method in class org.tensorflow.op.io.FixedLengthRecordReader
Sets the encoding option.
encoding(String) - Method in class org.tensorflow.op.io.FixedLengthRecordReader.Options
Sets the encoding option.
encoding(String) - Static method in class org.tensorflow.op.strings.Lower
Sets the encoding option.
encoding(String) - Method in class org.tensorflow.op.strings.Lower.Options
Sets the encoding option.
encoding(String) - Static method in class org.tensorflow.op.strings.Upper
Sets the encoding option.
encoding(String) - Method in class org.tensorflow.op.strings.Upper.Options
Sets the encoding option.
end - Variable in class org.tensorflow.op.core.Print.Inputs
The end attribute
end - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The end input
end - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
end[i] is like begin with the exception that end_mask is used to determine full ranges.
end - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The end input
end - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The end input
end - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The end input
end(String) - Static method in class org.tensorflow.op.core.Print
Sets the end option.
end(String) - Method in class org.tensorflow.op.core.Print.Options
Sets the end option.
endMask - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The endMask attribute
endMask - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
analogous to begin_mask
endMask - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The endMask attribute
endMask - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The endMask attribute
endMask - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The endMask attribute
endMask(Long) - Static method in class org.tensorflow.op.core.ResourceStridedSliceAssign
Sets the endMask option.
endMask(Long) - Method in class org.tensorflow.op.core.ResourceStridedSliceAssign.Options
Sets the endMask option.
endMask(Long) - Static method in class org.tensorflow.op.core.StridedSlice
Sets the endMask option.
endMask(Long) - Method in class org.tensorflow.op.core.StridedSlice.Options
Sets the endMask option.
endMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceAssign
Sets the endMask option.
endMask(Long) - Method in class org.tensorflow.op.core.StridedSliceAssign.Options
Sets the endMask option.
endMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceGrad
Sets the endMask option.
endMask(Long) - Method in class org.tensorflow.op.core.StridedSliceGrad.Options
Sets the endMask option.
endMask(Long) - Static method in class org.tensorflow.op.core.TensorStridedSliceUpdate
Sets the endMask option.
endMask(Long) - Method in class org.tensorflow.op.core.TensorStridedSliceUpdate.Options
Sets the endMask option.
Endpoint - Annotation Type in org.tensorflow.op.annotation
Annotation used to mark a method of a class annotated with @Operator that should generate an endpoint into Ops or one of its groups.
enqueueTPUEmbeddingArbitraryTensorBatch(Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, EnqueueTPUEmbeddingArbitraryTensorBatch.Options...) - Method in class org.tensorflow.op.TpuOps
Eases the porting of code that uses tf.nn.embedding_lookup_sparse().
EnqueueTPUEmbeddingArbitraryTensorBatch - Class in org.tensorflow.op.tpu
Eases the porting of code that uses tf.nn.embedding_lookup_sparse().
EnqueueTPUEmbeddingArbitraryTensorBatch(Operation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch
 
EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs - Class in org.tensorflow.op.tpu
 
EnqueueTPUEmbeddingArbitraryTensorBatch.Options - Class in org.tensorflow.op.tpu
enqueueTPUEmbeddingBatch(Iterable<Operand<TString>>, Operand<TString>, EnqueueTPUEmbeddingBatch.Options...) - Method in class org.tensorflow.op.TpuOps
An op that enqueues a list of input batch tensors to TPUEmbedding.
EnqueueTPUEmbeddingBatch - Class in org.tensorflow.op.tpu
An op that enqueues a list of input batch tensors to TPUEmbedding.
EnqueueTPUEmbeddingBatch(Operation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch
 
EnqueueTPUEmbeddingBatch.Inputs - Class in org.tensorflow.op.tpu
 
EnqueueTPUEmbeddingBatch.Options - Class in org.tensorflow.op.tpu
Optional attributes for EnqueueTPUEmbeddingBatch
enqueueTPUEmbeddingIntegerBatch(Iterable<Operand<TInt32>>, Operand<TString>, EnqueueTPUEmbeddingIntegerBatch.Options...) - Method in class org.tensorflow.op.TpuOps
An op that enqueues a list of input batch tensors to TPUEmbedding.
EnqueueTPUEmbeddingIntegerBatch - Class in org.tensorflow.op.tpu
An op that enqueues a list of input batch tensors to TPUEmbedding.
EnqueueTPUEmbeddingIntegerBatch(Operation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch
 
EnqueueTPUEmbeddingIntegerBatch.Inputs - Class in org.tensorflow.op.tpu
 
EnqueueTPUEmbeddingIntegerBatch.Options - Class in org.tensorflow.op.tpu
Optional attributes for EnqueueTPUEmbeddingIntegerBatch
enqueueTPUEmbeddingRaggedTensorBatch(Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, List<Long>, EnqueueTPUEmbeddingRaggedTensorBatch.Options...) - Method in class org.tensorflow.op.TpuOps
Eases the porting of code that uses tf.nn.embedding_lookup().
EnqueueTPUEmbeddingRaggedTensorBatch - Class in org.tensorflow.op.tpu
Eases the porting of code that uses tf.nn.embedding_lookup().
EnqueueTPUEmbeddingRaggedTensorBatch(Operation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
 
EnqueueTPUEmbeddingRaggedTensorBatch.Inputs - Class in org.tensorflow.op.tpu
 
EnqueueTPUEmbeddingRaggedTensorBatch.Options - Class in org.tensorflow.op.tpu
Optional attributes for EnqueueTPUEmbeddingRaggedTensorBatch
enqueueTPUEmbeddingSparseBatch(Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, EnqueueTPUEmbeddingSparseBatch.Options...) - Method in class org.tensorflow.op.TpuOps
An op that enqueues TPUEmbedding input indices from a SparseTensor.
EnqueueTPUEmbeddingSparseBatch - Class in org.tensorflow.op.tpu
An op that enqueues TPUEmbedding input indices from a SparseTensor.
EnqueueTPUEmbeddingSparseBatch(Operation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch
 
EnqueueTPUEmbeddingSparseBatch.Inputs - Class in org.tensorflow.op.tpu
 
EnqueueTPUEmbeddingSparseBatch.Options - Class in org.tensorflow.op.tpu
Optional attributes for EnqueueTPUEmbeddingSparseBatch
enqueueTPUEmbeddingSparseTensorBatch(Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Iterable<Operand<? extends TNumber>>, Operand<TString>, List<Long>, EnqueueTPUEmbeddingSparseTensorBatch.Options...) - Method in class org.tensorflow.op.TpuOps
Eases the porting of code that uses tf.nn.embedding_lookup_sparse().
EnqueueTPUEmbeddingSparseTensorBatch - Class in org.tensorflow.op.tpu
Eases the porting of code that uses tf.nn.embedding_lookup_sparse().
EnqueueTPUEmbeddingSparseTensorBatch(Operation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
 
EnqueueTPUEmbeddingSparseTensorBatch.Inputs - Class in org.tensorflow.op.tpu
 
EnqueueTPUEmbeddingSparseTensorBatch.Options - Class in org.tensorflow.op.tpu
Optional attributes for EnqueueTPUEmbeddingSparseTensorBatch
ensureMinimumRange - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The ensureMinimumRange attribute
ensureMinimumRange(Float) - Static method in class org.tensorflow.op.quantization.Quantize
Sets the ensureMinimumRange option.
ensureMinimumRange(Float) - Method in class org.tensorflow.op.quantization.Quantize.Options
Sets the ensureMinimumRange option.
ensureShape(Operand<T>, Shape) - Method in class org.tensorflow.op.Ops
Ensures that the tensor's shape matches the expected shape.
EnsureShape<T extends TType> - Class in org.tensorflow.op.core
Ensures that the tensor's shape matches the expected shape.
EnsureShape(Operation) - Constructor for class org.tensorflow.op.core.EnsureShape
 
EnsureShape.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
enter(Operand<T>, String, Enter.Options...) - Method in class org.tensorflow.op.Ops
Creates or finds a child frame, and makes data available to the child frame.
Enter<T extends TType> - Class in org.tensorflow.op.core
Creates or finds a child frame, and makes data available to the child frame.
Enter(Operation) - Constructor for class org.tensorflow.op.core.Enter
 
Enter.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Enter.Options - Class in org.tensorflow.op.core
Optional attributes for Enter
env() - Method in class org.tensorflow.GraphOperation
 
env() - Method in class org.tensorflow.op.NativeScope
 
env() - Method in interface org.tensorflow.op.Op
Return the execution environment this op was created in.
env() - Method in class org.tensorflow.op.OpScope
 
env() - Method in interface org.tensorflow.op.Scope
Returns the execution environment used by this scope.
env() - Method in interface org.tensorflow.Operation
Returns the execution environment this operation was created in.
environmentType() - Method in class org.tensorflow.EagerSession
 
environmentType() - Method in interface org.tensorflow.ExecutionEnvironment
Get the type of this environment (from the `Environments` enumeration.
environmentType() - Method in class org.tensorflow.Graph
 
epsilon - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
A small float number added to the variance of x.
epsilon - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
A small float number added to the variance of x.
epsilon - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
Constant factor.
epsilon - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
Ridge term.
epsilon - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The epsilon input
epsilon - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The epsilon input
epsilon - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The epsilon attribute
epsilon - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The epsilon attribute
epsilon(Float) - Static method in class org.tensorflow.op.nn.FusedBatchNorm
Sets the epsilon option.
epsilon(Float) - Method in class org.tensorflow.op.nn.FusedBatchNorm.Options
Sets the epsilon option.
epsilon(Float) - Static method in class org.tensorflow.op.nn.FusedBatchNormGrad
Sets the epsilon option.
epsilon(Float) - Method in class org.tensorflow.op.nn.FusedBatchNormGrad.Options
Sets the epsilon option.
equal(Operand<T>, Operand<T>, Equal.Options...) - Method in class org.tensorflow.op.MathOps
Returns the truth value of (x == y) element-wise.
Equal - Class in org.tensorflow.op.math
Returns the truth value of (x == y) element-wise.
Equal(Operation) - Constructor for class org.tensorflow.op.math.Equal
 
Equal.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
Equal.Options - Class in org.tensorflow.op.math
Optional attributes for Equal
equals(Object) - Method in class org.tensorflow.DeviceSpec
 
equals(Object) - Method in class org.tensorflow.GraphOperation
 
equals(Object) - Method in class org.tensorflow.op.RawOp
 
equals(Object) - Method in class org.tensorflow.op.RawOpInputs
 
equals(Object) - Method in class org.tensorflow.Output
 
equation - Variable in class org.tensorflow.op.linalg.Einsum.Inputs
String describing the Einstein Summation operation; in the format of np.einsum.
erf(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the Gauss error function of x element-wise.
Erf<T extends TNumber> - Class in org.tensorflow.op.math
Computes the Gauss error function of x element-wise.
Erf(Operation) - Constructor for class org.tensorflow.op.math.Erf
 
Erf.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
erfc(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the complementary error function of x element-wise.
Erfc<T extends TNumber> - Class in org.tensorflow.op.math
Computes the complementary error function of x element-wise.
Erfc(Operation) - Constructor for class org.tensorflow.op.math.Erfc
 
Erfc.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
erfinv<T extends TNumber> - Class in org.tensorflow.op.math
The Erfinv operation
erfinv(Operation) - Constructor for class org.tensorflow.op.math.erfinv
 
erfinv(Operand<T>) - Method in class org.tensorflow.op.MathOps
The Erfinv operation
erfinv.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
errorMsg - Variable in class org.tensorflow.op.core.Abort.Inputs
A string which is the message associated with the exception.
errorMsg(String) - Static method in class org.tensorflow.op.core.Abort
Sets the errorMsg option.
errorMsg(String) - Method in class org.tensorflow.op.core.Abort.Options
Sets the errorMsg option.
errors - Variable in class org.tensorflow.op.strings.UnicodeDecode.Inputs
Error handling policy when there is invalid formatting found in the input.
errors - Variable in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Inputs
Error handling policy when there is invalid formatting found in the input.
errors - Variable in class org.tensorflow.op.strings.UnicodeEncode.Inputs
Error handling policy when there is invalid formatting found in the input.
errors - Variable in class org.tensorflow.op.strings.UnicodeTranscode.Inputs
Error handling policy when there is invalid formatting found in the input.
errors(String) - Static method in class org.tensorflow.op.strings.UnicodeDecode
Sets the errors option.
errors(String) - Method in class org.tensorflow.op.strings.UnicodeDecode.Options
Sets the errors option.
errors(String) - Static method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Sets the errors option.
errors(String) - Method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Options
Sets the errors option.
errors(String) - Static method in class org.tensorflow.op.strings.UnicodeEncode
Sets the errors option.
errors(String) - Method in class org.tensorflow.op.strings.UnicodeEncode.Options
Sets the errors option.
errors(String) - Static method in class org.tensorflow.op.strings.UnicodeTranscode
Sets the errors option.
errors(String) - Method in class org.tensorflow.op.strings.UnicodeTranscode.Options
Sets the errors option.
euclideanNorm(Operand<T>, Operand<? extends TNumber>, EuclideanNorm.Options...) - Method in class org.tensorflow.op.LinalgOps
Computes the euclidean norm of elements across dimensions of a tensor.
EuclideanNorm<T extends TType> - Class in org.tensorflow.op.linalg
Computes the euclidean norm of elements across dimensions of a tensor.
EuclideanNorm(Operation) - Constructor for class org.tensorflow.op.linalg.EuclideanNorm
 
EuclideanNorm.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
EuclideanNorm.Options - Class in org.tensorflow.op.linalg
Optional attributes for EuclideanNorm
event - Variable in class org.tensorflow.op.summary.ImportEvent.Inputs
The event input
exampleLabels - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a vector which contains the label/target associated with each example.
examples - Variable in class org.tensorflow.op.train.NegTrain.Inputs
A vector of word ids.
examples() - Method in class org.tensorflow.op.core.Skipgram
Gets examples.
exampleStateData - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of vectors containing the example state data.
exampleWeights - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a vector which contains the weight associated with each example.
excludeCols - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The excludeCols input
exclusive - Variable in class org.tensorflow.op.math.Cumprod.Inputs
If True, perform exclusive cumprod.
exclusive - Variable in class org.tensorflow.op.math.Cumsum.Inputs
If True, perform exclusive cumsum.
exclusive - Variable in class org.tensorflow.op.math.CumulativeLogsumexp.Inputs
If True, perform exclusive cumulative log-sum-exp.
exclusive(Boolean) - Static method in class org.tensorflow.op.math.Cumprod
Sets the exclusive option.
exclusive(Boolean) - Method in class org.tensorflow.op.math.Cumprod.Options
Sets the exclusive option.
exclusive(Boolean) - Static method in class org.tensorflow.op.math.Cumsum
Sets the exclusive option.
exclusive(Boolean) - Method in class org.tensorflow.op.math.Cumsum.Options
Sets the exclusive option.
exclusive(Boolean) - Static method in class org.tensorflow.op.math.CumulativeLogsumexp
Sets the exclusive option.
exclusive(Boolean) - Method in class org.tensorflow.op.math.CumulativeLogsumexp.Options
Sets the exclusive option.
execute(Iterable<Operand<?>>, Operand<TString>, List<Class<? extends TType>>) - Method in class org.tensorflow.op.TpuOps
Op that loads and executes a TPU program on a TPU device.
Execute - Class in org.tensorflow.op.tpu
Op that loads and executes a TPU program on a TPU device.
Execute(Operation) - Constructor for class org.tensorflow.op.tpu.Execute
 
Execute.Inputs - Class in org.tensorflow.op.tpu
 
executeAndUpdateVariables(Iterable<Operand<?>>, Operand<TString>, List<Class<? extends TType>>, List<Long>, List<Long>) - Method in class org.tensorflow.op.TpuOps
Op that executes a program with optional in-place variable updates.
ExecuteAndUpdateVariables - Class in org.tensorflow.op.tpu
Op that executes a program with optional in-place variable updates.
ExecuteAndUpdateVariables(Operation) - Constructor for class org.tensorflow.op.tpu.ExecuteAndUpdateVariables
 
ExecuteAndUpdateVariables.Inputs - Class in org.tensorflow.op.tpu
 
executeTPUEmbeddingPartitioner(String) - Method in class org.tensorflow.op.TpuOps
An op that executes the TPUEmbedding partitioner on the central configuration device and computes the HBM size (in bytes) required for TPUEmbedding operation.
ExecuteTPUEmbeddingPartitioner - Class in org.tensorflow.op.tpu
An op that executes the TPUEmbedding partitioner on the central configuration device and computes the HBM size (in bytes) required for TPUEmbedding operation.
ExecuteTPUEmbeddingPartitioner(Operation) - Constructor for class org.tensorflow.op.tpu.ExecuteTPUEmbeddingPartitioner
 
ExecuteTPUEmbeddingPartitioner.Inputs - Class in org.tensorflow.op.tpu
 
ExecutionEnvironment - Interface in org.tensorflow
Defines an environment for creating and executing TensorFlow Operations.
ExecutionEnvironment.Types - Enum in org.tensorflow
 
executorType - Variable in class org.tensorflow.op.core.PartitionedCall.Inputs
The executorType attribute
executorType - Variable in class org.tensorflow.op.core.StatefulPartitionedCall.Inputs
The executorType attribute
executorType(String) - Static method in class org.tensorflow.op.core.PartitionedCall
Sets the executorType option.
executorType(String) - Method in class org.tensorflow.op.core.PartitionedCall.Options
Sets the executorType option.
executorType(String) - Static method in class org.tensorflow.op.core.StatefulPartitionedCall
Sets the executorType option.
executorType(String) - Method in class org.tensorflow.op.core.StatefulPartitionedCall.Options
Sets the executorType option.
exit(Operand<T>) - Method in class org.tensorflow.op.Ops
Exits the current frame to its parent frame.
Exit<T extends TType> - Class in org.tensorflow.op.core
Exits the current frame to its parent frame.
Exit(Operation) - Constructor for class org.tensorflow.op.core.Exit
 
Exit.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
exitWithoutError - Variable in class org.tensorflow.op.core.Abort.Inputs
The exitWithoutError attribute
exitWithoutError(Boolean) - Static method in class org.tensorflow.op.core.Abort
Sets the exitWithoutError option.
exitWithoutError(Boolean) - Method in class org.tensorflow.op.core.Abort.Options
Sets the exitWithoutError option.
exp(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes exponential of x element-wise.
Exp<T extends TType> - Class in org.tensorflow.op.math
Computes exponential of x element-wise.
Exp(Operation) - Constructor for class org.tensorflow.op.math.Exp
 
Exp.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
expandAnimations - Variable in class org.tensorflow.op.image.DecodeImage.Inputs
Controls the output shape of the returned op.
expandAnimations(Boolean) - Static method in class org.tensorflow.op.image.DecodeImage
Sets the expandAnimations option.
expandAnimations(Boolean) - Method in class org.tensorflow.op.image.DecodeImage.Options
Sets the expandAnimations option.
expandDims(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Inserts a dimension of 1 into a tensor's shape.
ExpandDims<T extends TType> - Class in org.tensorflow.op.core
Inserts a dimension of 1 into a tensor's shape.
ExpandDims(Operation) - Constructor for class org.tensorflow.op.core.ExpandDims
 
ExpandDims.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
expect(Class<U>) - Method in class org.tensorflow.Output
Returns this Output object with the type Output<U>.
experimental - Variable in class org.tensorflow.op.DataOps
 
experimental - Variable in class org.tensorflow.op.RandomOps
 
experimentName - Variable in class org.tensorflow.op.summary.CreateSummaryDbWriter.Inputs
The experimentName input
expint(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The Expint operation
Expint<T extends TNumber> - Class in org.tensorflow.op.math.special
The Expint operation
Expint(Operation) - Constructor for class org.tensorflow.op.math.special.Expint
 
Expint.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
EXPLICIT - Enum constant in enum org.tensorflow.EagerSession.DevicePlacementPolicy
Running operations with input tensors on the wrong device will fail.
explicitPadding - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
If padding is "EXPLICIT", must be set as a list indicating the explicit paddings at the start and end of each lhs spatial dimension.
explicitPadding - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
If padding Attr is "EXPLICIT", must be set as a list indicating the explicit paddings at the start and end of each lhs spatial dimension.
explicitPadding(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the explicitPadding option.
explicitPadding(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the explicitPadding option.
explicitPadding(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the explicitPadding option.
explicitPadding(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the explicitPadding option.
explicitPadding(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the explicitPadding option.
explicitPadding(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the explicitPadding option.
explicitPadding(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the explicitPadding option.
explicitPadding(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the explicitPadding option.
explicitPaddings - Variable in class org.tensorflow.op.nn.Conv.Inputs
If padding is "EXPLICIT", the list of explicit padding amounts.
explicitPaddings - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
If padding is "EXPLICIT", the list of explicit padding amounts.
explicitPaddings - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
If padding is "EXPLICIT", the list of explicit padding amounts.
explicitPaddings - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
If padding is "EXPLICIT", the list of explicit padding amounts.
explicitPaddings - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
If padding is "EXPLICIT", the list of explicit padding amounts.
explicitPaddings - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
If padding is "EXPLICIT", the list of explicit padding amounts.
explicitPaddings - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
The explicitPaddings attribute
explicitPaddings - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
The explicitPaddings attribute
explicitPaddings - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
The explicitPaddings attribute
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.Conv
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.Conv.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.Conv2d
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.Conv2d.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInput
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropInput.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNative
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNative.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Options
Sets the explicitPaddings option.
explicitPaddings(Long...) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
Sets the explicitPaddings option.
explicitPaddings(Long...) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.Conv
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.Conv.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2d
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.Conv2d.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInput
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropInput.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNative
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNative.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Options
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Static method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
Sets the explicitPaddings option.
explicitPaddings(List<Long>) - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Options
Sets the explicitPaddings option.
expm1(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes exp(x) - 1 element-wise.
Expm1<T extends TType> - Class in org.tensorflow.op.math
Computes exp(x) - 1 element-wise.
Expm1(Operation) - Constructor for class org.tensorflow.op.math.Expm1
 
Expm1.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
exponent - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The exponent attribute
exponent - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The exponent attribute
exponentialAvgFactor - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
The exponentialAvgFactor attribute
exponentialAvgFactor(Float) - Static method in class org.tensorflow.op.nn.FusedBatchNorm
Sets the exponentialAvgFactor option.
exponentialAvgFactor(Float) - Method in class org.tensorflow.op.nn.FusedBatchNorm.Options
Sets the exponentialAvgFactor option.
export() - Method in class org.tensorflow.SavedModelBundle.Exporter
Save the model into the export directory.
exporter(String) - Static method in class org.tensorflow.SavedModelBundle
Export a saved model.
externalStatePolicy - Variable in class org.tensorflow.op.data.DatasetToGraph.Inputs
The externalStatePolicy attribute
externalStatePolicy - Variable in class org.tensorflow.op.data.RegisterDataset.Inputs
The externalStatePolicy attribute
externalStatePolicy - Variable in class org.tensorflow.op.data.SerializeIterator.Inputs
The externalStatePolicy attribute
externalStatePolicy(Long) - Static method in class org.tensorflow.op.data.DatasetToGraph
Sets the externalStatePolicy option.
externalStatePolicy(Long) - Method in class org.tensorflow.op.data.DatasetToGraph.Options
Sets the externalStatePolicy option.
externalStatePolicy(Long) - Static method in class org.tensorflow.op.data.SerializeIterator
Sets the externalStatePolicy option.
externalStatePolicy(Long) - Method in class org.tensorflow.op.data.SerializeIterator.Options
Sets the externalStatePolicy option.
extractGlimpse(Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, ExtractGlimpse.Options...) - Method in class org.tensorflow.op.ImageOps
Extracts a glimpse from the input tensor.
ExtractGlimpse - Class in org.tensorflow.op.image
Extracts a glimpse from the input tensor.
ExtractGlimpse(Operation) - Constructor for class org.tensorflow.op.image.ExtractGlimpse
 
ExtractGlimpse.Inputs - Class in org.tensorflow.op.image
 
ExtractGlimpse.Options - Class in org.tensorflow.op.image
Optional attributes for ExtractGlimpse
extractImagePatches(Operand<T>, List<Long>, List<Long>, List<Long>, String) - Method in class org.tensorflow.op.ImageOps
Extract patches from images and put them in the "depth" output dimension.
ExtractImagePatches<T extends TType> - Class in org.tensorflow.op.image
Extract patches from images and put them in the "depth" output dimension.
ExtractImagePatches(Operation) - Constructor for class org.tensorflow.op.image.ExtractImagePatches
 
ExtractImagePatches.Inputs<T extends TType> - Class in org.tensorflow.op.image
 
extractJpegShape(Operand<TString>) - Method in class org.tensorflow.op.ImageOps
Extract the shape information of a JPEG-encoded image.
extractJpegShape(Operand<TString>, Class<T>) - Method in class org.tensorflow.op.ImageOps
Extract the shape information of a JPEG-encoded image.
ExtractJpegShape<T extends TNumber> - Class in org.tensorflow.op.image
Extract the shape information of a JPEG-encoded image.
ExtractJpegShape(Operation) - Constructor for class org.tensorflow.op.image.ExtractJpegShape
 
ExtractJpegShape.Inputs - Class in org.tensorflow.op.image
 
extractVolumePatches(Operand<T>, List<Long>, List<Long>, String) - Method in class org.tensorflow.op.Ops
Extract patches from input and put them in the "depth" output dimension.
ExtractVolumePatches<T extends TNumber> - Class in org.tensorflow.op.core
Extract patches from input and put them in the "depth" output dimension.
ExtractVolumePatches(Operation) - Constructor for class org.tensorflow.op.core.ExtractVolumePatches
 
ExtractVolumePatches.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
extrapolationValue - Variable in class org.tensorflow.op.image.CropAndResize.Inputs
Value used for extrapolation, when applicable.
extrapolationValue(Float) - Static method in class org.tensorflow.op.image.CropAndResize
Sets the extrapolationValue option.
extrapolationValue(Float) - Method in class org.tensorflow.op.image.CropAndResize.Options
Sets the extrapolationValue option.

F

f - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The forget gate over the whole time sequence.
f - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The forget gate.
f() - Method in class org.tensorflow.op.nn.BlockLSTM
Gets f.
f() - Method in class org.tensorflow.op.nn.LSTMBlockCell
Gets f.
fact() - Method in class org.tensorflow.op.math.Fact
Gets fact.
fact() - Method in class org.tensorflow.op.MathOps
Output a fact about factorials.
Fact - Class in org.tensorflow.op.math
Output a fact about factorials.
Fact(Operation) - Constructor for class org.tensorflow.op.math.Fact
 
Fact.Inputs - Class in org.tensorflow.op.math
 
fakeDtypes - Variable in class org.tensorflow.op.core.MapStage.Inputs
The fakeDtypes attribute
fakeDtypes - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
The fakeDtypes attribute
fakeParam(Class<T>, Shape) - Method in class org.tensorflow.op.Ops
This op is used as a placeholder in If branch functions.
FakeParam<T extends TType> - Class in org.tensorflow.op.core
This op is used as a placeholder in If branch functions.
FakeParam(Operation) - Constructor for class org.tensorflow.op.core.FakeParam
 
FakeParam.Inputs - Class in org.tensorflow.op.core
 
fakeQuantWithMinMaxArgs(Operand<TFloat32>, FakeQuantWithMinMaxArgs.Options...) - Method in class org.tensorflow.op.QuantizationOps
Fake-quantize the 'inputs' tensor, type float to 'outputs' tensor of same shape and type.
FakeQuantWithMinMaxArgs - Class in org.tensorflow.op.quantization
Fake-quantize the 'inputs' tensor, type float to 'outputs' tensor of same shape and type.
FakeQuantWithMinMaxArgs(Operation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
 
FakeQuantWithMinMaxArgs.Inputs - Class in org.tensorflow.op.quantization
 
FakeQuantWithMinMaxArgs.Options - Class in org.tensorflow.op.quantization
Optional attributes for FakeQuantWithMinMaxArgs
fakeQuantWithMinMaxArgsGradient(Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxArgsGradient.Options...) - Method in class org.tensorflow.op.QuantizationOps
Compute gradients for a FakeQuantWithMinMaxArgs operation.
FakeQuantWithMinMaxArgsGradient - Class in org.tensorflow.op.quantization
Compute gradients for a FakeQuantWithMinMaxArgs operation.
FakeQuantWithMinMaxArgsGradient(Operation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
 
FakeQuantWithMinMaxArgsGradient.Inputs - Class in org.tensorflow.op.quantization
 
FakeQuantWithMinMaxArgsGradient.Options - Class in org.tensorflow.op.quantization
Optional attributes for FakeQuantWithMinMaxArgsGradient
fakeQuantWithMinMaxVars(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVars.Options...) - Method in class org.tensorflow.op.QuantizationOps
Fake-quantize the 'inputs' tensor of type float via global float scalars Fake-quantize the inputs tensor of type float via global float scalars min and max to outputs tensor of same shape as inputs.
FakeQuantWithMinMaxVars - Class in org.tensorflow.op.quantization
Fake-quantize the 'inputs' tensor of type float via global float scalars Fake-quantize the inputs tensor of type float via global float scalars min and max to outputs tensor of same shape as inputs.
FakeQuantWithMinMaxVars(Operation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars
 
FakeQuantWithMinMaxVars.Inputs - Class in org.tensorflow.op.quantization
 
FakeQuantWithMinMaxVars.Options - Class in org.tensorflow.op.quantization
Optional attributes for FakeQuantWithMinMaxVars
fakeQuantWithMinMaxVarsGradient(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVarsGradient.Options...) - Method in class org.tensorflow.op.QuantizationOps
Compute gradients for a FakeQuantWithMinMaxVars operation.
FakeQuantWithMinMaxVarsGradient - Class in org.tensorflow.op.quantization
Compute gradients for a FakeQuantWithMinMaxVars operation.
FakeQuantWithMinMaxVarsGradient(Operation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
 
FakeQuantWithMinMaxVarsGradient.Inputs - Class in org.tensorflow.op.quantization
 
FakeQuantWithMinMaxVarsGradient.Options - Class in org.tensorflow.op.quantization
Optional attributes for FakeQuantWithMinMaxVarsGradient
fakeQuantWithMinMaxVarsPerChannel(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVarsPerChannel.Options...) - Method in class org.tensorflow.op.QuantizationOps
Fake-quantize the 'inputs' tensor of type float via per-channel floats Fake-quantize the inputs tensor of type float per-channel and one of the shapes: [d], [b, d] [b, h, w, d] via per-channel floats min and max of shape [d] to outputs tensor of same shape as inputs.
FakeQuantWithMinMaxVarsPerChannel - Class in org.tensorflow.op.quantization
Fake-quantize the 'inputs' tensor of type float via per-channel floats Fake-quantize the inputs tensor of type float per-channel and one of the shapes: [d], [b, d] [b, h, w, d] via per-channel floats min and max of shape [d] to outputs tensor of same shape as inputs.
FakeQuantWithMinMaxVarsPerChannel(Operation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel
 
FakeQuantWithMinMaxVarsPerChannel.Inputs - Class in org.tensorflow.op.quantization
 
FakeQuantWithMinMaxVarsPerChannel.Options - Class in org.tensorflow.op.quantization
Optional attributes for FakeQuantWithMinMaxVarsPerChannel
fakeQuantWithMinMaxVarsPerChannelGradient(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, FakeQuantWithMinMaxVarsPerChannelGradient.Options...) - Method in class org.tensorflow.op.QuantizationOps
Compute gradients for a FakeQuantWithMinMaxVarsPerChannel operation.
FakeQuantWithMinMaxVarsPerChannelGradient - Class in org.tensorflow.op.quantization
Compute gradients for a FakeQuantWithMinMaxVarsPerChannel operation.
FakeQuantWithMinMaxVarsPerChannelGradient(Operation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
 
FakeQuantWithMinMaxVarsPerChannelGradient.Inputs - Class in org.tensorflow.op.quantization
 
FakeQuantWithMinMaxVarsPerChannelGradient.Options - Class in org.tensorflow.op.quantization
fakeQueue(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Deprecated.
FakeQueue - Class in org.tensorflow.op.io
Deprecated.
FakeQueue(Operation) - Constructor for class org.tensorflow.op.io.FakeQueue
 
FakeQueue.Inputs - Class in org.tensorflow.op.io
 
fancyUpscaling - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
If true use a slower but nicer upscaling of the chroma planes (yuv420/422 only).
fancyUpscaling - Variable in class org.tensorflow.op.image.DecodeJpeg.Inputs
If true use a slower but nicer upscaling of the chroma planes (yuv420/422 only).
fancyUpscaling(Boolean) - Static method in class org.tensorflow.op.image.DecodeAndCropJpeg
Sets the fancyUpscaling option.
fancyUpscaling(Boolean) - Method in class org.tensorflow.op.image.DecodeAndCropJpeg.Options
Sets the fancyUpscaling option.
fancyUpscaling(Boolean) - Static method in class org.tensorflow.op.image.DecodeJpeg
Sets the fancyUpscaling option.
fancyUpscaling(Boolean) - Method in class org.tensorflow.op.image.DecodeJpeg.Options
Sets the fancyUpscaling option.
fast - Variable in class org.tensorflow.op.linalg.BatchMatrixSolveLs.Inputs
The fast attribute
fast - Variable in class org.tensorflow.op.linalg.MatrixSolveLs.Inputs
The fast attribute
fast(Boolean) - Static method in class org.tensorflow.op.linalg.BatchMatrixSolveLs
Sets the fast option.
fast(Boolean) - Method in class org.tensorflow.op.linalg.BatchMatrixSolveLs.Options
Sets the fast option.
fast(Boolean) - Static method in class org.tensorflow.op.linalg.MatrixSolveLs
Sets the fast option.
fast(Boolean) - Method in class org.tensorflow.op.linalg.MatrixSolveLs.Options
Sets the fast option.
featureGroupCount - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The number of feature groups.
featureGroupCount - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The number of feature groups.
featureGroupCount(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the featureGroupCount option.
featureGroupCount(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the featureGroupCount option.
featureGroupCount(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the featureGroupCount option.
featureGroupCount(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the featureGroupCount option.
featureListDenseKeys - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The keys expected in the SequenceExamples' feature_lists associated with lists of dense values.
featureListDenseKeys - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Nfeature_list_dense string Tensors (scalars).
featureListDenseLengths() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListDenseLengths.
featureListDenseMissingAssumedEmpty - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A vector corresponding 1:1 with feature_list_dense_keys, indicating which features may be missing from the SequenceExamples.
featureListDenseMissingAssumedEmpty - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A vector listing the FeatureList keys which may be missing from the SequenceExample.
featureListDenseShapes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A list of Nfeature_list_dense shapes; the shapes of data in each FeatureList given in feature_list_dense_keys.
featureListDenseShapes - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Nfeature_list_dense shapes; the shapes of data in each FeatureList given in feature_list_dense_keys.
featureListDenseShapes(List<Shape>) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Sets the featureListDenseShapes option.
featureListDenseShapes(List<Shape>) - Method in class org.tensorflow.op.io.ParseSequenceExample.Options
Sets the featureListDenseShapes option.
featureListDenseShapes(List<Shape>) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the featureListDenseShapes option.
featureListDenseShapes(List<Shape>) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the featureListDenseShapes option.
featureListDenseShapes(Shape...) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Sets the featureListDenseShapes option.
featureListDenseShapes(Shape...) - Method in class org.tensorflow.op.io.ParseSequenceExample.Options
Sets the featureListDenseShapes option.
featureListDenseShapes(Shape...) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the featureListDenseShapes option.
featureListDenseShapes(Shape...) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the featureListDenseShapes option.
featureListDenseTypes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The featureListDenseTypes attribute
featureListDenseTypes - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
The featureListDenseTypes attribute
featureListDenseValues() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListDenseValues.
featureListDenseValues() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets featureListDenseValues.
featureListRaggedInnerSplits() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListRaggedInnerSplits.
featureListRaggedKeys - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The keys expected in the FeatureLists associated with ragged values.
featureListRaggedOuterSplits() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListRaggedOuterSplits.
featureListRaggedSplitTypes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
RaggedTensor.row_split dtypes for the ragged FeatureList features.
featureListRaggedValues() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListRaggedValues.
featureListRaggedValueTypes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
RaggedTensor.value dtypes for the ragged FeatureList features.
featureListSparseIndices() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListSparseIndices.
featureListSparseIndices() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets featureListSparseIndices.
featureListSparseKeys - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The keys expected in the FeatureLists associated with sparse values.
featureListSparseKeys - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Nfeature_list_sparse string Tensors (scalars).
featureListSparseShapes() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListSparseShapes.
featureListSparseShapes() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets featureListSparseShapes.
featureListSparseTypes - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A list of Nfeature_list_sparse types; the data types of data in each FeatureList given in feature_list_sparse_keys.
featureListSparseTypes - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A list of Nfeature_list_sparse types; the data types of data in each FeatureList given in feature_list_sparse_keys.
featureListSparseValues() - Method in class org.tensorflow.op.io.ParseSequenceExample
Gets featureListSparseValues.
featureListSparseValues() - Method in class org.tensorflow.op.io.ParseSingleSequenceExample
Gets featureListSparseValues.
features - Variable in class org.tensorflow.op.data.LeakyReluGrad.Inputs
The features passed as input to the corresponding LeakyRelu operation, OR the outputs of that operation (both work equivalently).
features - Variable in class org.tensorflow.op.math.Softplus.Inputs
The features input
features - Variable in class org.tensorflow.op.math.SoftplusGrad.Inputs
The features passed as input to the corresponding softplus operation.
features - Variable in class org.tensorflow.op.nn.Elu.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.LeakyRelu.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.QuantizedRelu.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.QuantizedRelu6.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.QuantizedReluX.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.Relu.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.Relu6.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.Relu6Grad.Inputs
The features passed as input to the corresponding Relu6 operation, or its output; using either one produces the same result.
features - Variable in class org.tensorflow.op.nn.ReluGrad.Inputs
The features passed as input to the corresponding Relu operation, OR the outputs of that operation (both work equivalently).
features - Variable in class org.tensorflow.op.nn.Selu.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits.Inputs
batch_size x num_classes matrix
features - Variable in class org.tensorflow.op.nn.Softsign.Inputs
The features input
features - Variable in class org.tensorflow.op.nn.SoftsignGrad.Inputs
The features passed as input to the corresponding softsign operation.
features - Variable in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits.Inputs
batch_size x num_classes matrix
featureWidth - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The featureWidth attribute
featureWidth - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The featureWidth attribute
featureWidth - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The featureWidth attribute
featureWidth - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagrad.Inputs
The featureWidth attribute
featureWidth - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The featureWidth attribute
featureWidth - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The featureWidth attribute
featureWidth - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The featureWidth attribute
featureWidth - Variable in class org.tensorflow.op.xla.XlaSparseCoreSgd.Inputs
The featureWidth attribute
feed(String, int, Tensor) - Method in class org.tensorflow.Session.Runner
Avoid evaluating the index-th output of operation by substituting t for the value it produces.
feed(String, Tensor) - Method in class org.tensorflow.Session.Runner
Avoid evaluating operation and substitute t for the value it produces.
feed(Operand<?>, Tensor) - Method in class org.tensorflow.Session.Runner
Use t instead of the Tensor referred to by executing the operation referred to by operand.
fetch(String) - Method in class org.tensorflow.Session.Runner
Make Session.Runner.run() return the output of operation.
fetch(String, int) - Method in class org.tensorflow.Session.Runner
Make Session.Runner.run() return the index-th output of operation.
fetch(Operand<?>) - Method in class org.tensorflow.Session.Runner
Makes Session.Runner.run() return the Tensor referred to by the output of operand.
fetch(Output<?>) - Method in class org.tensorflow.Session.Runner
Makes Session.Runner.run() return the Tensor referred to by output.
fft(Operand<T>) - Method in class org.tensorflow.op.SignalOps
Fast Fourier transform.
Fft<T extends TType> - Class in org.tensorflow.op.signal
Fast Fourier transform.
Fft(Operation) - Constructor for class org.tensorflow.op.signal.Fft
 
Fft.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
fft2d(Operand<T>) - Method in class org.tensorflow.op.SignalOps
2D fast Fourier transform.
Fft2d<T extends TType> - Class in org.tensorflow.op.signal
2D fast Fourier transform.
Fft2d(Operation) - Constructor for class org.tensorflow.op.signal.Fft2d
 
Fft2d.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
fft3d(Operand<T>) - Method in class org.tensorflow.op.SignalOps
3D fast Fourier transform.
Fft3d<T extends TType> - Class in org.tensorflow.op.signal
3D fast Fourier transform.
Fft3d(Operation) - Constructor for class org.tensorflow.op.signal.Fft3d
 
Fft3d.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
fftLength - Variable in class org.tensorflow.op.signal.FftNd.Inputs
An int32 tensor.
fftLength - Variable in class org.tensorflow.op.signal.IfftNd.Inputs
An int32 tensor.
fftLength - Variable in class org.tensorflow.op.signal.Irfft.Inputs
An int32 tensor of shape [1].
fftLength - Variable in class org.tensorflow.op.signal.Irfft2d.Inputs
An int32 tensor of shape [2].
fftLength - Variable in class org.tensorflow.op.signal.Irfft3d.Inputs
An int32 tensor of shape [3].
fftLength - Variable in class org.tensorflow.op.signal.IrfftNd.Inputs
An int32 tensor.
fftLength - Variable in class org.tensorflow.op.signal.Rfft.Inputs
An int32 tensor of shape [1].
fftLength - Variable in class org.tensorflow.op.signal.Rfft2d.Inputs
An int32 tensor of shape [2].
fftLength - Variable in class org.tensorflow.op.signal.Rfft3d.Inputs
An int32 tensor of shape [3].
fftLength - Variable in class org.tensorflow.op.signal.RfftNd.Inputs
An int32 tensor.
fftNd(Operand<T>, Operand<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.SignalOps
ND fast Fourier transform.
FftNd<T extends TType> - Class in org.tensorflow.op.signal
ND fast Fourier transform.
FftNd(Operation) - Constructor for class org.tensorflow.op.signal.FftNd
 
FftNd.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
fieldDelim - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The fieldDelim input
fieldDelim - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The fieldDelim input
fieldDelim - Variable in class org.tensorflow.op.io.DecodeCsv.Inputs
char delimiter to separate fields in a record.
fieldDelim(String) - Static method in class org.tensorflow.op.io.DecodeCsv
Sets the fieldDelim option.
fieldDelim(String) - Method in class org.tensorflow.op.io.DecodeCsv.Options
Sets the fieldDelim option.
fieldNames - Variable in class org.tensorflow.op.core.DecodeProto.Inputs
List of strings containing proto field names.
fieldNames - Variable in class org.tensorflow.op.core.EncodeProto.Inputs
List of strings containing proto field names.
fifoQueue(List<Class<? extends TType>>, FifoQueue.Options...) - Method in class org.tensorflow.op.IoOps
A queue that produces elements in first-in first-out order.
FifoQueue - Class in org.tensorflow.op.io
A queue that produces elements in first-in first-out order.
FifoQueue(Operation) - Constructor for class org.tensorflow.op.io.FifoQueue
 
FifoQueue.Inputs - Class in org.tensorflow.op.io
 
FifoQueue.Options - Class in org.tensorflow.op.io
Optional attributes for FifoQueue
fileBufferSize - Variable in class org.tensorflow.op.random.RecordInput.Inputs
The randomization shuffling buffer.
fileBufferSize(Long) - Static method in class org.tensorflow.op.random.RecordInput
Sets the fileBufferSize option.
fileBufferSize(Long) - Method in class org.tensorflow.op.random.RecordInput.Options
Sets the fileBufferSize option.
filename - Variable in class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
Filename of a vocabulary text file.
filename - Variable in class org.tensorflow.op.core.Skipgram.Inputs
The corpus's text file name.
filename - Variable in class org.tensorflow.op.data.CacheDataset.Inputs
The filename input
filename - Variable in class org.tensorflow.op.data.DatasetToTfRecord.Inputs
A scalar string tensor representing the filename to use.
filename - Variable in class org.tensorflow.op.data.experimental.DatasetToTFRecord.Inputs
A scalar string tensor representing the filename to use.
filename - Variable in class org.tensorflow.op.io.ReadFile.Inputs
The filename input
filename - Variable in class org.tensorflow.op.io.WriteFile.Inputs
scalar.
filename - Variable in class org.tensorflow.op.train.SaveSlices.Inputs
Must have a single element.
filename() - Method in class org.tensorflow.op.io.ShardedFilename
Gets filename.
filename() - Method in class org.tensorflow.op.io.ShardedFilespec
Gets filename.
filenames - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The filenames input
filenames - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The filenames input
filenames - Variable in class org.tensorflow.op.data.experimental.LmdbDataset.Inputs
The filenames input
filenames - Variable in class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
The filenames input
filenames - Variable in class org.tensorflow.op.data.LMDBDataset.Inputs
A scalar or a vector containing the name(s) of the binary file(s) to be read.
filenames - Variable in class org.tensorflow.op.data.TextLineDataset.Inputs
A scalar or a vector containing the name(s) of the file(s) to be read.
filenames - Variable in class org.tensorflow.op.data.TfRecordDataset.Inputs
A scalar or vector containing the name(s) of the file(s) to be read.
filenames() - Method in class org.tensorflow.op.io.MatchingFiles
Gets filenames.
filenameSuffix - Variable in class org.tensorflow.op.summary.CreateSummaryFileWriter.Inputs
The filenameSuffix input
fileParallelism - Variable in class org.tensorflow.op.random.RecordInput.Inputs
How many sstables are opened and concurrently iterated over.
fileParallelism(Long) - Static method in class org.tensorflow.op.random.RecordInput
Sets the fileParallelism option.
fileParallelism(Long) - Method in class org.tensorflow.op.random.RecordInput.Options
Sets the fileParallelism option.
filePattern - Variable in class org.tensorflow.op.random.RecordInput.Inputs
Glob pattern for the data files.
filePattern - Variable in class org.tensorflow.op.train.RestoreSlice.Inputs
Must have a single element.
fileRandomSeed - Variable in class org.tensorflow.op.random.RecordInput.Inputs
Random seeds used to produce randomized records.
fileRandomSeed(Long) - Static method in class org.tensorflow.op.random.RecordInput
Sets the fileRandomSeed option.
fileRandomSeed(Long) - Method in class org.tensorflow.op.random.RecordInput.Options
Sets the fileRandomSeed option.
fileShuffleShiftRatio - Variable in class org.tensorflow.op.random.RecordInput.Inputs
Shifts the list of files after the list is randomly shuffled.
fileShuffleShiftRatio(Float) - Static method in class org.tensorflow.op.random.RecordInput
Sets the fileShuffleShiftRatio option.
fileShuffleShiftRatio(Float) - Method in class org.tensorflow.op.random.RecordInput.Options
Sets the fileShuffleShiftRatio option.
fileSystemSetConfiguration(Operand<TString>, Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.Ops
Set configuration of the file system.
FileSystemSetConfiguration - Class in org.tensorflow.op.core
Set configuration of the file system.
FileSystemSetConfiguration(Operation) - Constructor for class org.tensorflow.op.core.FileSystemSetConfiguration
 
FileSystemSetConfiguration.Inputs - Class in org.tensorflow.op.core
 
fill - Variable in class org.tensorflow.op.dtypes.AsString.Inputs
The value to pad if width > -1.
fill(String) - Static method in class org.tensorflow.op.dtypes.AsString
Sets the fill option.
fill(String) - Method in class org.tensorflow.op.dtypes.AsString.Options
Sets the fill option.
fill(Operand<? extends TNumber>, Operand<U>) - Method in class org.tensorflow.op.Ops
Creates a tensor filled with a scalar value.
Fill<U extends TType> - Class in org.tensorflow.op.core
Creates a tensor filled with a scalar value.
Fill(Operation) - Constructor for class org.tensorflow.op.core.Fill
 
Fill.Inputs<U extends TType> - Class in org.tensorflow.op.core
 
fillMode - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV2.Inputs
Fill mode, "REFLECT", "WRAP", or "CONSTANT".
fillMode - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
Fill mode, "REFLECT", "WRAP", "CONSTANT", or "NEAREST".
fillMode(String) - Static method in class org.tensorflow.op.image.ImageProjectiveTransformV2
Sets the fillMode option.
fillMode(String) - Method in class org.tensorflow.op.image.ImageProjectiveTransformV2.Options
Sets the fillMode option.
fillMode(String) - Static method in class org.tensorflow.op.image.ImageProjectiveTransformV3
Sets the fillMode option.
fillMode(String) - Method in class org.tensorflow.op.image.ImageProjectiveTransformV3.Options
Sets the fillMode option.
fillValue - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
float, the value to be filled when fill_mode is constant".
filter - Variable in class org.tensorflow.op.nn.Conv.Inputs
An (N+2)-D Tensor with the same type as input and shape spatial_filter_shape + [in_channels, out_channels], where spatial_filter_shape is N-dimensional with N=2 or N=3.
filter - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
A 4-D tensor of shape [filter_height, filter_width, in_channels, out_channels]
filter - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
4-D with shape [filter_height, filter_width, in_channels, out_channels].
filter - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
4-D with shape [filter_height, filter_width, in_channels, out_channels].
filter - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
4-D with shape [filter_height, filter_width, in_channels, out_channels].
filter - Variable in class org.tensorflow.op.nn.Conv3d.Inputs
Shape [filter_depth, filter_height, filter_width, in_channels, out_channels].
filter - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
Shape [depth, rows, cols, in_channels, out_channels].
filter - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
4-D with shape [filter_height, filter_width, in_channels, depthwise_multiplier].
filter - Variable in class org.tensorflow.op.nn.Dilation2d.Inputs
3-D with shape [filter_height, filter_width, depth].
filter - Variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
3-D with shape [filter_height, filter_width, depth].
filter - Variable in class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
3-D with shape [filter_height, filter_width, depth].
filter - Variable in class org.tensorflow.op.nn.FusedPadConv2d.Inputs
4-D with shape [filter_height, filter_width, in_channels, out_channels].
filter - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
4-D with shape [filter_height, filter_width, in_channels, out_channels].
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
filter's input_depth dimension must match input's depth dimensions.
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The original filter tensor.
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The filter input
filter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The original filter tensor.
filter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The original filter tensor.
filter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The original filter tensor.
filter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The original filter tensor.
filterBackprop() - Method in class org.tensorflow.op.nn.Dilation2dBackpropFilter
Gets filterBackprop.
filterbankChannelCount - Variable in class org.tensorflow.op.audio.Mfcc.Inputs
Resolution of the Mel bank used internally.
filterbankChannelCount(Long) - Static method in class org.tensorflow.op.audio.Mfcc
Sets the filterbankChannelCount option.
filterbankChannelCount(Long) - Method in class org.tensorflow.op.audio.Mfcc.Options
Sets the filterbankChannelCount option.
filterByLastComponentDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset containing elements of first component of input_dataset having true in the last component.
FilterByLastComponentDataset - Class in org.tensorflow.op.data
Creates a dataset containing elements of first component of input_dataset having true in the last component.
FilterByLastComponentDataset(Operation) - Constructor for class org.tensorflow.op.data.FilterByLastComponentDataset
 
FilterByLastComponentDataset.Inputs - Class in org.tensorflow.op.data
 
filterDataset(Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, FilterDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset containing elements of input_dataset matching predicate.
FilterDataset - Class in org.tensorflow.op.data
Creates a dataset containing elements of input_dataset matching predicate.
FilterDataset(Operation) - Constructor for class org.tensorflow.op.data.FilterDataset
 
FilterDataset.Inputs - Class in org.tensorflow.op.data
 
FilterDataset.Options - Class in org.tensorflow.op.data
Optional attributes for FilterDataset
filterSizes - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
An integer vector representing the tensor shape of filter, where filter is a 4-D [filter_height, filter_width, in_channels, out_channels] tensor.
filterSizes - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
An integer vector representing the tensor shape of filter, where filter is a 5-D [filter_depth, filter_height, filter_width, in_channels, out_channels] tensor.
filterSizes - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
An integer vector representing the tensor shape of filter, where filter is a 4-D [filter_height, filter_width, in_channels, depthwise_multiplier] tensor.
finalizeDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, FinalizeDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset by applying tf.data.Options to input_dataset.
FinalizeDataset - Class in org.tensorflow.op.data
Creates a dataset by applying tf.data.Options to input_dataset.
FinalizeDataset(Operation) - Constructor for class org.tensorflow.op.data.FinalizeDataset
 
FinalizeDataset.Inputs - Class in org.tensorflow.op.data
 
FinalizeDataset.Options - Class in org.tensorflow.op.data
Optional attributes for FinalizeDataset
finalizeFuncOtherArgs - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The finalizeFuncOtherArgs input
finalizeFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for finalize_func.
finalizeFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for finalize_func.
finalizeTPUEmbedding(Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.TpuOps
An op that finalizes the TPUEmbedding configuration.
FinalizeTPUEmbedding - Class in org.tensorflow.op.tpu
An op that finalizes the TPUEmbedding configuration.
FinalizeTPUEmbedding(Operation) - Constructor for class org.tensorflow.op.tpu.FinalizeTPUEmbedding
 
FinalizeTPUEmbedding.Inputs - Class in org.tensorflow.op.tpu
 
finalOp - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The finalOp attribute
findGraph(TFJ_GraphId) - Static method in class org.tensorflow.Graph
Find the graph with the matching ID.
fingerprint() - Method in class org.tensorflow.op.core.Fingerprint
Gets fingerprint.
fingerprint() - Method in class org.tensorflow.op.data.DatasetFingerprint
Gets fingerprint.
fingerprint(Operand<? extends TType>, Operand<TString>) - Method in class org.tensorflow.op.Ops
Generates fingerprint values.
Fingerprint - Class in org.tensorflow.op.core
Generates fingerprint values.
Fingerprint(Operation) - Constructor for class org.tensorflow.op.core.Fingerprint
 
Fingerprint.Inputs - Class in org.tensorflow.op.core
 
fixedLength - Variable in class org.tensorflow.op.io.DecodePaddedRaw.Inputs
Length in bytes for each element of the decoded output.
fixedLengthRecordDataset(Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TString>, FixedLengthRecordDataset.Options...) - Method in class org.tensorflow.op.DataOps
The FixedLengthRecordDatasetV2 operation
FixedLengthRecordDataset - Class in org.tensorflow.op.data
The FixedLengthRecordDatasetV2 operation
FixedLengthRecordDataset(Operation) - Constructor for class org.tensorflow.op.data.FixedLengthRecordDataset
 
FixedLengthRecordDataset.Inputs - Class in org.tensorflow.op.data
 
FixedLengthRecordDataset.Options - Class in org.tensorflow.op.data
Optional attributes for FixedLengthRecordDataset
fixedLengthRecordReader(Long, FixedLengthRecordReader.Options...) - Method in class org.tensorflow.op.IoOps
A Reader that outputs fixed-length records from a file.
FixedLengthRecordReader - Class in org.tensorflow.op.io
A Reader that outputs fixed-length records from a file.
FixedLengthRecordReader(Operation) - Constructor for class org.tensorflow.op.io.FixedLengthRecordReader
 
FixedLengthRecordReader.Inputs - Class in org.tensorflow.op.io
 
FixedLengthRecordReader.Options - Class in org.tensorflow.op.io
Optional attributes for FixedLengthRecordReader
fixedUnigramCandidateSampler(Operand<TInt64>, Long, Long, Boolean, Long, FixedUnigramCandidateSampler.Options...) - Method in class org.tensorflow.op.NnOps
Generates labels for candidate sampling with a learned unigram distribution.
FixedUnigramCandidateSampler - Class in org.tensorflow.op.nn
Generates labels for candidate sampling with a learned unigram distribution.
FixedUnigramCandidateSampler(Operation) - Constructor for class org.tensorflow.op.nn.FixedUnigramCandidateSampler
 
FixedUnigramCandidateSampler.Inputs - Class in org.tensorflow.op.nn
 
FixedUnigramCandidateSampler.Options - Class in org.tensorflow.op.nn
Optional attributes for FixedUnigramCandidateSampler
flatMapDataset(Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, FlatMapDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that applies f to the outputs of input_dataset.
FlatMapDataset - Class in org.tensorflow.op.data
Creates a dataset that applies f to the outputs of input_dataset.
FlatMapDataset(Operation) - Constructor for class org.tensorflow.op.data.FlatMapDataset
 
FlatMapDataset.Inputs - Class in org.tensorflow.op.data
 
FlatMapDataset.Options - Class in org.tensorflow.op.data
Optional attributes for FlatMapDataset
flatten(Shape<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Flatten the shape to 1 dimension.
flatten(Shape<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Flatten the shape to 1 dimension.
flatten(Scope, Shape<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Flatten the shape to 1 dimension.
flatten(Scope, Shape<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Flatten the shape to 1 dimension.
flatten(Scope, Operand<T>) - Static method in class org.tensorflow.op.core.Shapes
Flatten the operand to 1 dimension.
flatten(Scope, Operand<T>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Flatten the operand to 1 dimension
flatten(Operand<T>) - Method in class org.tensorflow.op.ShapeOps
Flatten the operand to 1 dimension.
flatten(Operand<T>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Flatten the operand to 1 dimension
floatTensor - Variable in class org.tensorflow.op.tpu.MergeDedupData.Inputs
A 1-D float tensor, includes float elements of deduplication data tuple.
floatTensor() - Method in class org.tensorflow.op.tpu.SplitDedupData
Gets floatTensor.
floatType - Variable in class org.tensorflow.op.tpu.MergeDedupData.Inputs
float_tensor type.
floatType - Variable in class org.tensorflow.op.tpu.SplitDedupData.Inputs
float_tensor type.
floor(Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns element-wise largest integer not greater than x.
Floor<T extends TNumber> - Class in org.tensorflow.op.math
Returns element-wise largest integer not greater than x.
Floor(Operation) - Constructor for class org.tensorflow.op.math.Floor
 
Floor.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
floorDiv(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x // y element-wise.
FloorDiv<T extends TType> - Class in org.tensorflow.op.math
Returns x // y element-wise.
FloorDiv(Operation) - Constructor for class org.tensorflow.op.math.FloorDiv
 
FloorDiv.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
floorMod(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns element-wise remainder of division.
FloorMod<T extends TNumber> - Class in org.tensorflow.op.math
Returns element-wise remainder of division.
FloorMod(Operation) - Constructor for class org.tensorflow.op.math.FloorMod
 
FloorMod.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
flow() - Method in class org.tensorflow.op.core.TensorArray
Gets flow.
flowIn - Variable in class org.tensorflow.op.core.TensorArrayConcat.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArrayGather.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArrayGrad.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArrayGradWithShape.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArrayPack.Inputs
The flowIn input
flowIn - Variable in class org.tensorflow.op.core.TensorArrayRead.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArrayScatter.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArraySize.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArraySplit.Inputs
A float scalar that enforces proper chaining of operations.
flowIn - Variable in class org.tensorflow.op.core.TensorArrayUnpack.Inputs
The flowIn input
flowIn - Variable in class org.tensorflow.op.core.TensorArrayWrite.Inputs
A float scalar that enforces proper chaining of operations.
flowOut() - Method in class org.tensorflow.op.core.TensorArrayGrad
Gets flowOut.
flowOut() - Method in class org.tensorflow.op.core.TensorArrayGradWithShape
Gets flowOut.
flowOut() - Method in class org.tensorflow.op.core.TensorArrayScatter
Gets flowOut.
flowOut() - Method in class org.tensorflow.op.core.TensorArraySplit
Gets flowOut.
flowOut() - Method in class org.tensorflow.op.core.TensorArrayUnpack
Gets flowOut.
flowOut() - Method in class org.tensorflow.op.core.TensorArrayWrite
Gets flowOut.
flushMillis - Variable in class org.tensorflow.op.summary.CreateSummaryFileWriter.Inputs
The flushMillis input
flushSummaryWriter(Operand<? extends TType>) - Method in class org.tensorflow.op.SummaryOps
The FlushSummaryWriter operation
FlushSummaryWriter - Class in org.tensorflow.op.summary
The FlushSummaryWriter operation
FlushSummaryWriter(Operation) - Constructor for class org.tensorflow.op.summary.FlushSummaryWriter
 
FlushSummaryWriter.Inputs - Class in org.tensorflow.op.summary
 
footerBytes - Variable in class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
The footerBytes input
footerBytes - Variable in class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
Number of bytes in the footer, defaults to 0.
footerBytes(Long) - Static method in class org.tensorflow.op.io.FixedLengthRecordReader
Sets the footerBytes option.
footerBytes(Long) - Method in class org.tensorflow.op.io.FixedLengthRecordReader.Options
Sets the footerBytes option.
For - Class in org.tensorflow.op.core
Applies a for loop.
For(Operation) - Constructor for class org.tensorflow.op.core.For
 
For.Inputs - Class in org.tensorflow.op.core
 
forceInitialize() - Method in class org.tensorflow.Session
Execute the graph's initializers, regardless of whether the session has been initialized.
forgetBias - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The forget gate bias.
forgetBias(Float) - Static method in class org.tensorflow.op.nn.LSTMBlockCell
Sets the forgetBias option.
forgetBias(Float) - Method in class org.tensorflow.op.nn.LSTMBlockCell.Options
Sets the forgetBias option.
format - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
Per pixel image format.
format(String) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the format option.
format(String) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the format option.
formatStateVar - Variable in class org.tensorflow.op.tpu.TPUReshardVariables.Inputs
The formatStateVar input
forOp(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Iterable<Operand<?>>, ConcreteFunction) - Method in class org.tensorflow.op.Ops
Applies a for loop.
forwardInput - Variable in class org.tensorflow.op.core.CopyToMeshGrad.Inputs
The forwardInput input
fractionalAvgPool(Operand<T>, List<Float>, FractionalAvgPool.Options...) - Method in class org.tensorflow.op.NnOps
Performs fractional average pooling on the input.
FractionalAvgPool<T extends TNumber> - Class in org.tensorflow.op.nn
Performs fractional average pooling on the input.
FractionalAvgPool(Operation) - Constructor for class org.tensorflow.op.nn.FractionalAvgPool
 
FractionalAvgPool.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
FractionalAvgPool.Options - Class in org.tensorflow.op.nn
Optional attributes for FractionalAvgPool
fractionalAvgPoolGrad(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, FractionalAvgPoolGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes gradient of the FractionalAvgPool function.
FractionalAvgPoolGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradient of the FractionalAvgPool function.
FractionalAvgPoolGrad(Operation) - Constructor for class org.tensorflow.op.nn.FractionalAvgPoolGrad
 
FractionalAvgPoolGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
FractionalAvgPoolGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for FractionalAvgPoolGrad
fractionalMaxPool(Operand<T>, List<Float>, FractionalMaxPool.Options...) - Method in class org.tensorflow.op.NnOps
Performs fractional max pooling on the input.
FractionalMaxPool<T extends TNumber> - Class in org.tensorflow.op.nn
Performs fractional max pooling on the input.
FractionalMaxPool(Operation) - Constructor for class org.tensorflow.op.nn.FractionalMaxPool
 
FractionalMaxPool.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
FractionalMaxPool.Options - Class in org.tensorflow.op.nn
Optional attributes for FractionalMaxPool
fractionalMaxPoolGrad(Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, Operand<TInt64>, FractionalMaxPoolGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes gradient of the FractionalMaxPool function.
FractionalMaxPoolGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradient of the FractionalMaxPool function.
FractionalMaxPoolGrad(Operation) - Constructor for class org.tensorflow.op.nn.FractionalMaxPoolGrad
 
FractionalMaxPoolGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
FractionalMaxPoolGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for FractionalMaxPoolGrad
frameName - Variable in class org.tensorflow.op.core.Enter.Inputs
The name of the child frame.
frameName - Variable in class org.tensorflow.op.core.RefEnter.Inputs
The name of the child frame.
fresnelCos(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The FresnelCos operation
FresnelCos<T extends TNumber> - Class in org.tensorflow.op.math.special
The FresnelCos operation
FresnelCos(Operation) - Constructor for class org.tensorflow.op.math.special.FresnelCos
 
FresnelCos.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
fresnelSin(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The FresnelSin operation
FresnelSin<T extends TNumber> - Class in org.tensorflow.op.math.special
The FresnelSin operation
FresnelSin(Operation) - Constructor for class org.tensorflow.op.math.special.FresnelSin
 
FresnelSin.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
fullMatrices - Variable in class org.tensorflow.op.linalg.BatchSvd.Inputs
The fullMatrices attribute
fullMatrices - Variable in class org.tensorflow.op.linalg.Qr.Inputs
If true, compute full-sized q and r.
fullMatrices - Variable in class org.tensorflow.op.linalg.Svd.Inputs
If true, compute full-sized u and v.
fullMatrices(Boolean) - Static method in class org.tensorflow.op.linalg.BatchSvd
Sets the fullMatrices option.
fullMatrices(Boolean) - Method in class org.tensorflow.op.linalg.BatchSvd.Options
Sets the fullMatrices option.
fullMatrices(Boolean) - Static method in class org.tensorflow.op.linalg.Qr
Sets the fullMatrices option.
fullMatrices(Boolean) - Method in class org.tensorflow.op.linalg.Qr.Options
Sets the fullMatrices option.
fullMatrices(Boolean) - Static method in class org.tensorflow.op.linalg.Svd
Sets the fullMatrices option.
fullMatrices(Boolean) - Method in class org.tensorflow.op.linalg.Svd.Options
Sets the fullMatrices option.
function(String) - Method in class org.tensorflow.SavedModelBundle
Return a ConcreteFunction corresponding to the function signature.
function(Signature) - Method in class org.tensorflow.Session
Create a new session function, backed by this session.
Function - Class in org.tensorflow.op.core
Ops for calling ConcreteFunction.
Function() - Constructor for class org.tensorflow.op.core.Function
Constructor.
functions() - Method in class org.tensorflow.SavedModelBundle
Get all functions in the bundle.
fusedBatchNorm(Operand<T>, Operand<U>, Operand<U>, Operand<U>, Operand<U>, FusedBatchNorm.Options...) - Method in class org.tensorflow.op.NnOps
Batch normalization.
FusedBatchNorm<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.nn
Batch normalization.
FusedBatchNorm(Operation) - Constructor for class org.tensorflow.op.nn.FusedBatchNorm
 
FusedBatchNorm.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.nn
 
FusedBatchNorm.Options - Class in org.tensorflow.op.nn
Optional attributes for FusedBatchNorm
fusedBatchNormGrad(Operand<T>, Operand<T>, Operand<TFloat32>, Operand<U>, Operand<U>, Operand<U>, FusedBatchNormGrad.Options...) - Method in class org.tensorflow.op.NnOps
Gradient for batch normalization.
FusedBatchNormGrad<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.nn
Gradient for batch normalization.
FusedBatchNormGrad(Operation) - Constructor for class org.tensorflow.op.nn.FusedBatchNormGrad
 
FusedBatchNormGrad.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.nn
 
FusedBatchNormGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for FusedBatchNormGrad
fusedPadConv2d(Operand<T>, Operand<TInt32>, Operand<T>, String, List<Long>, String) - Method in class org.tensorflow.op.NnOps
Performs a padding as a preprocess during a convolution.
FusedPadConv2d<T extends TNumber> - Class in org.tensorflow.op.nn
Performs a padding as a preprocess during a convolution.
FusedPadConv2d(Operation) - Constructor for class org.tensorflow.op.nn.FusedPadConv2d
 
FusedPadConv2d.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
fusedResizeAndPadConv2d(Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<T>, String, List<Long>, String, FusedResizeAndPadConv2d.Options...) - Method in class org.tensorflow.op.NnOps
Performs a resize and padding as a preprocess during a convolution.
FusedResizeAndPadConv2d<T extends TNumber> - Class in org.tensorflow.op.nn
Performs a resize and padding as a preprocess during a convolution.
FusedResizeAndPadConv2d(Operation) - Constructor for class org.tensorflow.op.nn.FusedResizeAndPadConv2d
 
FusedResizeAndPadConv2d.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
FusedResizeAndPadConv2d.Options - Class in org.tensorflow.op.nn
Optional attributes for FusedResizeAndPadConv2d

G

gains - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The gains input
gains - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The gains input
gains() - Method in class org.tensorflow.op.tpu.ConvertToCooTensor
Gets gains.
gamma - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
A 1D gamma Tensor with size matching the last dimension of t.
gamma - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
A 1D gamma Tensor with size matching the last dimension of t.
gamma - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
A 1D gamma Tensor with size matching the last dimension of t.
gammaMax - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the highest quantized gamma.
gammaMin - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the lowest quantized gamma.
gatedGrpc - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
Whether this op will be gated.
gatedGrpc - Variable in class org.tensorflow.op.debugging.DebugNanCount.Inputs
Whether this op will be gated.
gatedGrpc(Boolean) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the gatedGrpc option.
gatedGrpc(Boolean) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the gatedGrpc option.
gatedGrpc(Boolean) - Static method in class org.tensorflow.op.debugging.DebugNanCount
Sets the gatedGrpc option.
gatedGrpc(Boolean) - Method in class org.tensorflow.op.debugging.DebugNanCount.Options
Sets the gatedGrpc option.
gather(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Gather.Options...) - Method in class org.tensorflow.op.Ops
Gather slices from params axis axis according to indices.
Gather<T extends TType> - Class in org.tensorflow.op.core
Gather slices from params axis axis according to indices.
Gather(Operation) - Constructor for class org.tensorflow.op.core.Gather
 
Gather.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Gather.Options - Class in org.tensorflow.op.core
Optional attributes for Gather
gatherNd(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Gather slices from params into a Tensor with shape specified by indices.
GatherNd<T extends TType> - Class in org.tensorflow.op.core
Gather slices from params into a Tensor with shape specified by indices.
GatherNd(Operation) - Constructor for class org.tensorflow.op.core.GatherNd
 
GatherNd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
generateBoundingBoxProposals(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, GenerateBoundingBoxProposals.Options...) - Method in class org.tensorflow.op.ImageOps
This op produces Region of Interests from given bounding boxes(bbox_deltas) encoded wrt anchors according to eq.2 in arXiv:1506.01497
GenerateBoundingBoxProposals - Class in org.tensorflow.op.image
This op produces Region of Interests from given bounding boxes(bbox_deltas) encoded wrt anchors according to eq.2 in arXiv:1506.01497
GenerateBoundingBoxProposals(Operation) - Constructor for class org.tensorflow.op.image.GenerateBoundingBoxProposals
 
GenerateBoundingBoxProposals.Inputs - Class in org.tensorflow.op.image
 
GenerateBoundingBoxProposals.Options - Class in org.tensorflow.op.image
Optional attributes for GenerateBoundingBoxProposals
generateVocabRemapping(Operand<TString>, Operand<TString>, Long, Long, GenerateVocabRemapping.Options...) - Method in class org.tensorflow.op.TrainOps
Given a path to new and old vocabulary files, returns a remapping Tensor of length num_new_vocab, where remapping[i] contains the row number in the old vocabulary that corresponds to row i in the new vocabulary (starting at line new_vocab_offset and up to num_new_vocab entities), or -1 if entry i in the new vocabulary is not in the old vocabulary.
GenerateVocabRemapping - Class in org.tensorflow.op.train
Given a path to new and old vocabulary files, returns a remapping Tensor of length num_new_vocab, where remapping[i] contains the row number in the old vocabulary that corresponds to row i in the new vocabulary (starting at line new_vocab_offset and up to num_new_vocab entities), or -1 if entry i in the new vocabulary is not in the old vocabulary.
GenerateVocabRemapping(Operation) - Constructor for class org.tensorflow.op.train.GenerateVocabRemapping
 
GenerateVocabRemapping.Inputs - Class in org.tensorflow.op.train
 
GenerateVocabRemapping.Options - Class in org.tensorflow.op.train
Optional attributes for GenerateVocabRemapping
generatorDataset(Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, GeneratorDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that invokes a function to generate elements.
GeneratorDataset - Class in org.tensorflow.op.data
Creates a dataset that invokes a function to generate elements.
GeneratorDataset(Operation) - Constructor for class org.tensorflow.op.data.GeneratorDataset
 
GeneratorDataset.Inputs - Class in org.tensorflow.op.data
 
GeneratorDataset.Options - Class in org.tensorflow.op.data
Optional attributes for GeneratorDataset
get(int) - Method in class org.tensorflow.Result
Gets the value from the container at the specified index.
get(String) - Method in class org.tensorflow.Result
Gets the value from the container assuming it's not been closed.
getAttrBool(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a boolean attribute of this operation.
getAttrBoolList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a boolean list attribute of this operation.
getAttrFloat(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a float attribute of this operation.
getAttrFloatList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a float list attribute of this operation.
getAttrFunction(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a function attribute of this operation.
getAttrFunctionList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a function list attribute of this operation.
getAttrInt(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a int attribute of this operation.
getAttrIntList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a int list attribute of this operation.
getAttrMetadata(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the metadata of an attribute of this operation.
getAttrShape(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a shape attribute of this operation.
getAttrShapeList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a shape list attribute of this operation.
getAttrString(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a string attribute of this operation.
getAttrStringList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a string list attribute of this operation.
getAttrTensor(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a tensor attribute of this operation.
getAttrTensorList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a tensor list attribute of this operation.
getAttrType(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a data type attribute of this operation.
getAttrTypeList(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of a data type list attribute of this operation.
getAttrValueProto(String) - Method in interface org.tensorflow.OperationAttributeInspector
Get the value of an attribute of this operation as an AttrValue proto.
getDefault() - Static method in class org.tensorflow.EagerSession
Returns the default eager session
getDefinedName() - Method in class org.tensorflow.ConcreteFunction
Get the name of the function definition.
getDeviceString() - Method in class org.tensorflow.op.NativeScope
 
getDeviceString() - Method in class org.tensorflow.op.OpScope
 
getDeviceString() - Method in interface org.tensorflow.op.Scope
Returns device string from the scope.
getElementAtIndex(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.Ops
Gets the element at the specified index in a dataset.
GetElementAtIndex - Class in org.tensorflow.op.core
Gets the element at the specified index in a dataset.
GetElementAtIndex(Operation) - Constructor for class org.tensorflow.op.core.GetElementAtIndex
 
GetElementAtIndex.Inputs - Class in org.tensorflow.op.core
 
getFunction(String) - Method in class org.tensorflow.Graph
Get the function attached to the graph with the given native name.
getFunctionDef() - Method in class org.tensorflow.ConcreteFunction
Get the FunctionDef proto.
getFunctions() - Method in class org.tensorflow.Graph
Get the functions attached to the graph.
getInputs() - Method in class org.tensorflow.Signature
Returns the names of the inputs in this signature mapped to their expected data type, shape, and operand name
getMetadata() - Method in class org.tensorflow.Result
Metadata about the run.
getMinibatchesInCsrWithPhysicalReplica(Operand<TString>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt64>, Operand<TInt32>, Long, Long, Long, Long, Long, Long, Long, String, String) - Method in class org.tensorflow.op.TpuOps
The GetMinibatchesInCsrWithPhysicalReplica operation
GetMinibatchesInCsrWithPhysicalReplica - Class in org.tensorflow.op.tpu
The GetMinibatchesInCsrWithPhysicalReplica operation
GetMinibatchesInCsrWithPhysicalReplica(Operation) - Constructor for class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
 
GetMinibatchesInCsrWithPhysicalReplica.Inputs - Class in org.tensorflow.op.tpu
 
getMinibatchSplitsWithPhysicalReplica(Operand<TString>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Long, Long, Long, Long, Long, String, String) - Method in class org.tensorflow.op.TpuOps
The GetMinibatchSplitsWithPhysicalReplica operation
GetMinibatchSplitsWithPhysicalReplica - Class in org.tensorflow.op.tpu
The GetMinibatchSplitsWithPhysicalReplica operation
GetMinibatchSplitsWithPhysicalReplica(Operation) - Constructor for class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
 
GetMinibatchSplitsWithPhysicalReplica.Inputs - Class in org.tensorflow.op.tpu
 
getOptions(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns the tf.data.Options attached to input_dataset.
GetOptions - Class in org.tensorflow.op.core
Returns the tf.data.Options attached to input_dataset.
GetOptions(Operation) - Constructor for class org.tensorflow.op.core.GetOptions
 
GetOptions.Inputs - Class in org.tensorflow.op.core
 
getOutputs() - Method in class org.tensorflow.op.RawOpInputs
The outputs of this operation.
getOutputs() - Method in class org.tensorflow.Signature
Returns the names of the outputs in this signature mapped to their expected data type, shape, and operand name
getSessionHandle(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Store the input tensor in the state of the current session.
GetSessionHandle - Class in org.tensorflow.op.core
Store the input tensor in the state of the current session.
GetSessionHandle(Operation) - Constructor for class org.tensorflow.op.core.GetSessionHandle
 
GetSessionHandle.Inputs - Class in org.tensorflow.op.core
 
getSessionTensor(Operand<TString>, Class<T>) - Method in class org.tensorflow.op.Ops
Get the value of the tensor specified by its handle.
GetSessionTensor<T extends TType> - Class in org.tensorflow.op.core
Get the value of the tensor specified by its handle.
GetSessionTensor(Operation) - Constructor for class org.tensorflow.op.core.GetSessionTensor
 
GetSessionTensor.Inputs - Class in org.tensorflow.op.core
 
getUnsafeNativeHandle() - Method in class org.tensorflow.GraphOperation
Get the native handle of this operation.
givenYMax - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
Output in y_max if output_range_given is True.
givenYMax(Float) - Static method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Sets the givenYMax option.
givenYMax(Float) - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm.Options
Sets the givenYMax option.
givenYMin - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
Output in y_min if output_range_given is True.
givenYMin(Float) - Static method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Sets the givenYMin option.
givenYMin(Float) - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm.Options
Sets the givenYMin option.
glimpse() - Method in class org.tensorflow.op.image.ExtractGlimpse
Gets glimpse.
globalIterId() - Method in class org.tensorflow.op.TpuOps
The GlobalIterId operation
GlobalIterId - Class in org.tensorflow.op.tpu
The GlobalIterId operation
GlobalIterId(Operation) - Constructor for class org.tensorflow.op.tpu.GlobalIterId
 
GlobalIterId.Inputs - Class in org.tensorflow.op.tpu
 
globalStep - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
Training step number.
globalStep - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
Training step number.
globalStep - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
Training step number.
globalStep - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
Training step number.
GPU - Enum constant in enum org.tensorflow.DeviceSpec.DeviceType
 
grad - Variable in class org.tensorflow.op.core.UnbatchGrad.Inputs
The grad input
grad - Variable in class org.tensorflow.op.linalg.BatchCholeskyGrad.Inputs
The grad input
grad - Variable in class org.tensorflow.op.linalg.CholeskyGrad.Inputs
df/dl where f is some scalar function.
grad - Variable in class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
Output backprop of shape [batch, depth, rows, cols, channels].
grad - Variable in class org.tensorflow.op.nn.AvgPoolGrad.Inputs
4-D with shape [batch, height, width, channels].
grad - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
Output backprop of shape [batch, depth, rows, cols, channels].
grad - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
Output backprop of shape [batch, depth, rows, cols, channels].
grad - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
4-D.
grad - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
4-D.
grad - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
4-D with shape [batch, height, width, channels].
grad - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
4-D with shape [batch, height, width, channels].
grad - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
gradient propagated to the SparseSegmentMean op.
grad - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
gradient propagated to the SparseSegmentSqrtN op.
grad - Variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
gradient propagated to the SparseSegmentSum op.
grad - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
The gradient.
grad - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
The gradient.
gradA - Variable in class org.tensorflow.op.linalg.MatMul.Inputs
The gradA attribute
gradA(Boolean) - Static method in class org.tensorflow.op.linalg.MatMul
Sets the gradA option.
gradA(Boolean) - Method in class org.tensorflow.op.linalg.MatMul.Options
Sets the gradA option.
gradB - Variable in class org.tensorflow.op.linalg.MatMul.Inputs
The gradB attribute
gradB(Boolean) - Static method in class org.tensorflow.op.linalg.MatMul
Sets the gradB option.
gradB(Boolean) - Method in class org.tensorflow.op.linalg.MatMul.Options
Sets the gradB option.
gradHandle() - Method in class org.tensorflow.op.core.TensorArrayGrad
Gets gradHandle.
gradHandle() - Method in class org.tensorflow.op.core.TensorArrayGradWithShape
Gets gradHandle.
gradient - Variable in class org.tensorflow.op.train.AccumulatorApplyGradient.Inputs
A tensor of the gradient to be accumulated.
gradient - Variable in class org.tensorflow.op.train.ResourceAccumulatorApplyGradient.Inputs
A tensor of the gradient to be accumulated.
gradient - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagrad.Inputs
The gradient input
gradient - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The gradient input
gradient - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The gradient input
gradient - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The gradient input
gradient - Variable in class org.tensorflow.op.xla.XlaSparseCoreSgd.Inputs
The gradient input
gradient() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad
Gets gradient.
gradient() - Method in class org.tensorflow.op.nn.CtcLoss
Gets gradient.
gradient() - Method in class org.tensorflow.op.nn.CTCLossV2
Gets gradient.
gradientAccumulator - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
Should be from a Variable().
gradientAccumulator - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
Should be from a Variable().
gradientAccumulator - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
Should be from a Variable().
gradientAccumulator - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
Should be from a Variable().
gradientIndices - Variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
Indices of the sparse gradient to be accumulated.
gradients - Variable in class org.tensorflow.op.data.LeakyReluGrad.Inputs
The backpropagated gradients to the corresponding LeakyRelu operation.
gradients - Variable in class org.tensorflow.op.math.SoftplusGrad.Inputs
The backpropagated gradients to the corresponding softplus operation.
gradients - Variable in class org.tensorflow.op.nn.EluGrad.Inputs
The backpropagated gradients to the corresponding Elu operation.
gradients - Variable in class org.tensorflow.op.nn.Relu6Grad.Inputs
The backpropagated gradients to the corresponding Relu6 operation.
gradients - Variable in class org.tensorflow.op.nn.ReluGrad.Inputs
The backpropagated gradients to the corresponding Relu operation.
gradients - Variable in class org.tensorflow.op.nn.SeluGrad.Inputs
The backpropagated gradients to the corresponding Selu operation.
gradients - Variable in class org.tensorflow.op.nn.SoftsignGrad.Inputs
The backpropagated gradients to the corresponding softsign operation.
gradients - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Inputs
Backpropagated gradients above the FakeQuantWithMinMaxArgs operation.
gradients - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Inputs
Backpropagated gradients above the FakeQuantWithMinMaxVars operation.
gradients - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Inputs
Backpropagated gradients above the FakeQuantWithMinMaxVars operation, shape one of: [d], [b, d], [b, h, w, d].
gradients - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Inputs
The gradients input
gradients - Variable in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients.Inputs
A TensorList of gradients with which to update embedding tables.
gradients(Iterable<? extends Operand<?>>, Iterable<? extends Operand<?>>, Gradients.Options...) - Method in class org.tensorflow.op.Ops
Adds gradients computation ops to the graph according to scope.
gradients(Operand<?>, Iterable<? extends Operand<?>>, Gradients.Options...) - Method in class org.tensorflow.op.Ops
Adds operations to compute the partial derivatives of sum of ys w.r.t xs, i.e., d(y_1 + y_2 + ...)/dx_1, d(y_1 + y_2 + ...)/dx_2...
Gradients - Class in org.tensorflow.op.core
Adds operations to compute the partial derivatives of sum of ys w.r.t xs, i.e., d(y_1 + y_2 + ...)/dx_1, d(y_1 + y_2 + ...)/dx_2...
Gradients.Options - Class in org.tensorflow.op.core
Optional attributes for Gradients
gradientShape - Variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
Shape of the sparse gradient to be accumulated.
gradientSquaredAccumulator - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
Should be from a Variable().
gradientSquaredAccumulator - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
Should be from a Variable().
gradientSquaredAccumulator - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
Should be from a Variable().
gradientSquaredAccumulator - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
Should be from a Variable().
gradientValues - Variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
Values are the non-zero slices of the gradient, and must have the same first dimension as indices, i.e., the nnz represented by indices and values must be consistent.
grads - Variable in class org.tensorflow.op.image.CropAndResizeGradBoxes.Inputs
A 4-D tensor of shape [num_boxes, crop_height, crop_width, depth].
grads - Variable in class org.tensorflow.op.image.CropAndResizeGradImage.Inputs
A 4-D tensor of shape [num_boxes, crop_height, crop_width, depth].
grads - Variable in class org.tensorflow.op.image.ResizeBicubicGrad.Inputs
4-D with shape [batch, height, width, channels].
grads - Variable in class org.tensorflow.op.image.ResizeBilinearGrad.Inputs
4-D with shape [batch, height, width, channels].
grads - Variable in class org.tensorflow.op.image.ResizeNearestNeighborGrad.Inputs
4-D with shape [batch, height, width, channels].
grads - Variable in class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
The grads input
gradSoftmax - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad.Inputs
The gradient of softmax.
gradTimeoutMicros - Variable in class org.tensorflow.op.core.Batch.Inputs
The gradTimeoutMicros attribute
gradValues - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad.Inputs
The gradValues input
gradValues - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad.Inputs
1-D.
gradX - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
The gradX attribute
gradX(Boolean) - Static method in class org.tensorflow.op.train.BatchMatMul
Sets the gradX option.
gradX(Boolean) - Method in class org.tensorflow.op.train.BatchMatMul.Options
Sets the gradX option.
gradY - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
The gradY attribute
gradY(Boolean) - Static method in class org.tensorflow.op.train.BatchMatMul
Sets the gradY option.
gradY(Boolean) - Method in class org.tensorflow.op.train.BatchMatMul.Options
Sets the gradY option.
graph() - Method in class org.tensorflow.op.data.DatasetToGraph
Gets graph.
graph() - Method in class org.tensorflow.SavedModelBundle
Returns the graph that describes the computation performed by the model.
graph() - Method in class org.tensorflow.Session
 
Graph - Class in org.tensorflow
A data flow graph representing a TensorFlow computation.
Graph() - Constructor for class org.tensorflow.Graph
Create an empty Graph.
GRAPH - Enum constant in enum org.tensorflow.ExecutionEnvironment.Types
 
Graph.WhileSubgraphBuilder - Interface in org.tensorflow
Used to instantiate an abstract class which overrides the buildSubgraph method to build a conditional or body subgraph for a while loop.
graphDef - Variable in class org.tensorflow.op.data.DatasetFromGraph.Inputs
The graph representation of the dataset (as serialized GraphDef).
GraphOperation - Class in org.tensorflow
Implementation for an Operation added as a node to a Graph.
GraphOperationBuilder - Class in org.tensorflow
greater(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the truth value of (x > y) element-wise.
Greater - Class in org.tensorflow.op.math
Returns the truth value of (x > y) element-wise.
Greater(Operation) - Constructor for class org.tensorflow.op.math.Greater
 
Greater.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
greaterEqual(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the truth value of (x >= y) element-wise.
GreaterEqual - Class in org.tensorflow.op.math
Returns the truth value of (x >= y) element-wise.
GreaterEqual(Operation) - Constructor for class org.tensorflow.op.math.GreaterEqual
 
GreaterEqual.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
group() - Element in annotation type org.tensorflow.op.annotation.Endpoint
Specify an optional group within the Ops class.
group() - Element in annotation type org.tensorflow.op.annotation.Operator
Specify an optional group within the Ops class.
groupAssignment - Variable in class org.tensorflow.op.collective.CollectiveAllToAll.Inputs
The groupAssignment input
groupAssignment - Variable in class org.tensorflow.op.collective.CollectiveAssignGroup.Inputs
The groupAssignment input
groupAssignment - Variable in class org.tensorflow.op.collective.CollectiveReduce.Inputs
The groupAssignment input
groupAssignment - Variable in class org.tensorflow.op.tpu.AllToAll.Inputs
An int32 tensor with shape [num_groups, num_replicas_per_group].
groupAssignment - Variable in class org.tensorflow.op.tpu.CrossReplicaSum.Inputs
An int32 tensor with shape [num_groups, num_replicas_per_group].
groupByReducerDataset(Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that computes a group-by on input_dataset.
groupByReducerDataset(Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that computes a group-by on input_dataset.
GroupByReducerDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that computes a group-by on input_dataset.
GroupByReducerDataset - Class in org.tensorflow.op.data
Creates a dataset that computes a group-by on input_dataset.
GroupByReducerDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.GroupByReducerDataset
 
GroupByReducerDataset(Operation) - Constructor for class org.tensorflow.op.data.GroupByReducerDataset
 
GroupByReducerDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
GroupByReducerDataset.Inputs - Class in org.tensorflow.op.data
 
groupByWindowDataset(Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that computes a windowed group-by on input_dataset.
groupByWindowDataset(Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, GroupByWindowDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that computes a windowed group-by on input_dataset.
GroupByWindowDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that computes a windowed group-by on input_dataset.
GroupByWindowDataset - Class in org.tensorflow.op.data
Creates a dataset that computes a windowed group-by on input_dataset.
GroupByWindowDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.GroupByWindowDataset
 
GroupByWindowDataset(Operation) - Constructor for class org.tensorflow.op.data.GroupByWindowDataset
 
GroupByWindowDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
GroupByWindowDataset.Inputs - Class in org.tensorflow.op.data
 
GroupByWindowDataset.Options - Class in org.tensorflow.op.data
Optional attributes for GroupByWindowDataset
groupKey - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The groupKey input
groupKey - Variable in class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
The groupKey input
groupKey - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The groupKey input
groupKey - Variable in class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Inputs
The groupKey input
groupKey - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The groupKey input
groupKey() - Method in class org.tensorflow.op.collective.CollectiveAssignGroup
Gets groupKey.
groups - Variable in class org.tensorflow.op.nn.Conv.Inputs
A positive integer specifying the number of groups in which the input is split along the channel axis.
groups(Long) - Static method in class org.tensorflow.op.nn.Conv
Sets the groups option.
groups(Long) - Method in class org.tensorflow.op.nn.Conv.Options
Sets the groups option.
groupSize - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The groupSize input
groupSize - Variable in class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
The groupSize input
groupSize - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The groupSize input
groupSize - Variable in class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Inputs
The groupSize input
groupSize - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The groupSize input
groupSize() - Method in class org.tensorflow.op.collective.CollectiveAssignGroup
Gets groupSize.
gRUBlockCell(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes the GRU cell forward propagation for 1 time step.
GRUBlockCell<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the GRU cell forward propagation for 1 time step.
GRUBlockCell(Operation) - Constructor for class org.tensorflow.op.nn.GRUBlockCell
 
GRUBlockCell.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
gRUBlockCellGrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes the GRU cell back-propagation for 1 time step.
GRUBlockCellGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the GRU cell back-propagation for 1 time step.
GRUBlockCellGrad(Operation) - Constructor for class org.tensorflow.op.nn.GRUBlockCellGrad
 
GRUBlockCellGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
guaranteeConst(Operand<T>) - Method in class org.tensorflow.op.Ops
Gives a guarantee to the TF runtime that the input tensor is a constant.
GuaranteeConst<T extends TType> - Class in org.tensorflow.op.core
Gives a guarantee to the TF runtime that the input tensor is a constant.
GuaranteeConst(Operation) - Constructor for class org.tensorflow.op.core.GuaranteeConst
 
GuaranteeConst.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
guaranteedConstants - Variable in class org.tensorflow.op.tpu.Compile.Inputs
The guaranteedConstants input

H

h - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The output h vector over the whole time sequence.
h() - Method in class org.tensorflow.op.nn.BlockLSTM
Gets h.
h() - Method in class org.tensorflow.op.nn.GRUBlockCell
Gets h.
h() - Method in class org.tensorflow.op.nn.LSTMBlockCell
Gets h.
halfPixelCenters - Variable in class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
The halfPixelCenters attribute
halfPixelCenters - Variable in class org.tensorflow.op.image.ResizeBicubic.Inputs
The halfPixelCenters attribute
halfPixelCenters - Variable in class org.tensorflow.op.image.ResizeBicubicGrad.Inputs
The halfPixelCenters attribute
halfPixelCenters - Variable in class org.tensorflow.op.image.ResizeBilinear.Inputs
The halfPixelCenters attribute
halfPixelCenters - Variable in class org.tensorflow.op.image.ResizeBilinearGrad.Inputs
The halfPixelCenters attribute
halfPixelCenters - Variable in class org.tensorflow.op.image.ResizeNearestNeighbor.Inputs
The halfPixelCenters attribute
halfPixelCenters - Variable in class org.tensorflow.op.image.ResizeNearestNeighborGrad.Inputs
The halfPixelCenters attribute
halfPixelCenters(Boolean) - Static method in class org.tensorflow.op.image.QuantizedResizeBilinear
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Method in class org.tensorflow.op.image.QuantizedResizeBilinear.Options
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Static method in class org.tensorflow.op.image.ResizeBicubic
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Method in class org.tensorflow.op.image.ResizeBicubic.Options
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Static method in class org.tensorflow.op.image.ResizeBicubicGrad
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Method in class org.tensorflow.op.image.ResizeBicubicGrad.Options
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Static method in class org.tensorflow.op.image.ResizeBilinear
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Method in class org.tensorflow.op.image.ResizeBilinear.Options
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Static method in class org.tensorflow.op.image.ResizeBilinearGrad
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Method in class org.tensorflow.op.image.ResizeBilinearGrad.Options
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Static method in class org.tensorflow.op.image.ResizeNearestNeighbor
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Method in class org.tensorflow.op.image.ResizeNearestNeighbor.Options
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Static method in class org.tensorflow.op.image.ResizeNearestNeighborGrad
Sets the halfPixelCenters option.
halfPixelCenters(Boolean) - Method in class org.tensorflow.op.image.ResizeNearestNeighborGrad.Options
Sets the halfPixelCenters option.
handle - Variable in class org.tensorflow.op.core.BarrierClose.Inputs
The handle to a barrier.
handle - Variable in class org.tensorflow.op.core.BarrierIncompleteSize.Inputs
The handle to a barrier.
handle - Variable in class org.tensorflow.op.core.BarrierInsertMany.Inputs
The handle to a barrier.
handle - Variable in class org.tensorflow.op.core.BarrierReadySize.Inputs
The handle to a barrier.
handle - Variable in class org.tensorflow.op.core.BarrierTakeMany.Inputs
The handle to a barrier.
handle - Variable in class org.tensorflow.op.core.DeleteSessionTensor.Inputs
The handle for a tensor stored in the session state.
handle - Variable in class org.tensorflow.op.core.GetSessionTensor.Inputs
The handle for a tensor stored in the session state.
handle - Variable in class org.tensorflow.op.core.StackClose.Inputs
The handle to a stack.
handle - Variable in class org.tensorflow.op.core.StackPop.Inputs
The handle to a stack.
handle - Variable in class org.tensorflow.op.core.StackPush.Inputs
The handle to a stack.
handle - Variable in class org.tensorflow.op.core.TensorArrayClose.Inputs
The handle to a TensorArray (output of TensorArray or TensorArrayGrad).
handle - Variable in class org.tensorflow.op.core.TensorArrayConcat.Inputs
The handle to a TensorArray.
handle - Variable in class org.tensorflow.op.core.TensorArrayGather.Inputs
The handle to a TensorArray.
handle - Variable in class org.tensorflow.op.core.TensorArrayGrad.Inputs
The handle to the forward TensorArray.
handle - Variable in class org.tensorflow.op.core.TensorArrayGradWithShape.Inputs
The handle to the forward TensorArray.
handle - Variable in class org.tensorflow.op.core.TensorArrayPack.Inputs
The handle input
handle - Variable in class org.tensorflow.op.core.TensorArrayRead.Inputs
The handle to a TensorArray.
handle - Variable in class org.tensorflow.op.core.TensorArrayScatter.Inputs
The handle to a TensorArray.
handle - Variable in class org.tensorflow.op.core.TensorArraySize.Inputs
The handle to a TensorArray (output of TensorArray or TensorArrayGrad).
handle - Variable in class org.tensorflow.op.core.TensorArraySplit.Inputs
The handle to a TensorArray.
handle - Variable in class org.tensorflow.op.core.TensorArrayUnpack.Inputs
The handle input
handle - Variable in class org.tensorflow.op.core.TensorArrayWrite.Inputs
The handle to a TensorArray.
handle - Variable in class org.tensorflow.op.data.DeleteIterator.Inputs
A handle to the iterator to delete.
handle - Variable in class org.tensorflow.op.data.DeleteMemoryCache.Inputs
The handle input
handle - Variable in class org.tensorflow.op.io.QueueClose.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.io.QueueDequeue.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.io.QueueDequeueMany.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.io.QueueDequeueUpTo.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.io.QueueEnqueue.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.io.QueueEnqueueMany.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.io.QueueIsClosed.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.io.QueueSize.Inputs
The handle to a queue.
handle - Variable in class org.tensorflow.op.random.DeleteRandomSeedGenerator.Inputs
The handle input
handle - Variable in class org.tensorflow.op.random.DeleteSeedGenerator.Inputs
The handle input
handle - Variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
The handle to a accumulator.
handle - Variable in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient.Inputs
The handle to a SparseConditionalAccumulator.
handle - Variable in class org.tensorflow.op.train.AccumulatorApplyGradient.Inputs
The handle to a accumulator.
handle - Variable in class org.tensorflow.op.train.AccumulatorNumAccumulated.Inputs
The handle to an accumulator.
handle - Variable in class org.tensorflow.op.train.AccumulatorSetGlobalStep.Inputs
The handle to an accumulator.
handle - Variable in class org.tensorflow.op.train.AccumulatorTakeGradient.Inputs
The handle to an accumulator.
handle - Variable in class org.tensorflow.op.train.ResourceAccumulatorApplyGradient.Inputs
The handle to a accumulator.
handle - Variable in class org.tensorflow.op.train.ResourceAccumulatorNumAccumulated.Inputs
The handle to an accumulator.
handle - Variable in class org.tensorflow.op.train.ResourceAccumulatorSetGlobalStep.Inputs
The handle to an accumulator.
handle - Variable in class org.tensorflow.op.train.ResourceAccumulatorTakeGradient.Inputs
The handle to an accumulator.
handle() - Method in class org.tensorflow.op.core.Barrier
Gets handle.
handle() - Method in class org.tensorflow.op.core.DummyMemoryCache
Gets handle.
handle() - Method in class org.tensorflow.op.core.EmptyTensorList
Gets handle.
handle() - Method in class org.tensorflow.op.core.EmptyTensorMap
Gets handle.
handle() - Method in class org.tensorflow.op.core.GetSessionHandle
Gets handle.
handle() - Method in class org.tensorflow.op.core.StackCreate
Gets handle.
handle() - Method in class org.tensorflow.op.core.TensorArray
Gets handle.
handle() - Method in class org.tensorflow.op.core.TensorListReserve
Gets handle.
handle() - Method in class org.tensorflow.op.data.AnonymousIterator
Gets handle.
handle() - Method in class org.tensorflow.op.data.AnonymousMemoryCache
Gets handle.
handle() - Method in class org.tensorflow.op.data.AnonymousMultiDeviceIterator
Gets handle.
handle() - Method in class org.tensorflow.op.data.AssertCardinalityDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.AssertNextDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.AssertPrevDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.AutoShardDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.BatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.BytesProducedStatsDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.CacheDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ChooseFastestBranchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ChooseFastestDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ConcatenateDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.CSVDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.DataServiceDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.DatasetFromGraph
Gets handle.
handle() - Method in class org.tensorflow.op.data.DenseToSparseBatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.DirectedInterleaveDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.DummyIterationCounter
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.AssertNextDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.AutoShardDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.ChooseFastestDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.CSVDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.GroupByReducerDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.GroupByWindowDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.LatencyStatsDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.LmdbDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.MapAndBatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.MapDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.MatchingFilesDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.NonSerializableDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.ParseExampleDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.RandomDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.RebatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.ScanDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.SleepDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.SlidingWindowDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.SqlDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.StatsAggregatorHandle
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.TakeWhileDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.ThreadPoolDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.ThreadPoolHandle
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.UnbatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.experimental.UniqueDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.FilterDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.FinalizeDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.FixedLengthRecordDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.FlatMapDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.GeneratorDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.GroupByReducerDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.GroupByWindowDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.IgnoreErrorsDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.InterleaveDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.Iterator
Gets handle.
handle() - Method in class org.tensorflow.op.data.LatencyStatsDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.LegacyParallelInterleaveDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ListDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ListSnapshotChunksDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.LMDBDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.LoadDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.MapAndBatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.MapDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.MatchingFilesDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.MaxIntraOpParallelismDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ModelDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.MultiDeviceIterator
Gets handle.
handle() - Method in class org.tensorflow.op.data.NonSerializableDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.OneShotIterator
Gets handle.
handle() - Method in class org.tensorflow.op.data.OptimizeDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.OptionsDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.PaddedBatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ParallelBatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ParallelFilterDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ParallelInterleaveDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ParallelMapDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ParseExampleDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.PrefetchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.PrivateThreadPoolDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.RandomDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.RangeDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.RebatchDatasetV2
Gets handle.
handle() - Method in class org.tensorflow.op.data.RepeatDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.RewriteDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SamplingDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SaveDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ScanDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SetStatsAggregatorDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ShardDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ShuffleAndRepeatDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ShuffleDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SkipDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SleepDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SlidingWindowDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SnapshotChunkDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SnapshotDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SnapshotDatasetReader
Gets handle.
handle() - Method in class org.tensorflow.op.data.SnapshotNestedDatasetReader
Gets handle.
handle() - Method in class org.tensorflow.op.data.SparseTensorSliceDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.SqlDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.StatsAggregatorHandle
Gets handle.
handle() - Method in class org.tensorflow.op.data.TakeDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.TakeWhileDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.TensorDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.TensorSliceDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.TextLineDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.TfRecordDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ThreadPoolDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.ThreadPoolHandle
Gets handle.
handle() - Method in class org.tensorflow.op.data.UnbatchDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.UniqueDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.WindowDataset
Gets handle.
handle() - Method in class org.tensorflow.op.data.WindowOp
Gets handle.
handle() - Method in class org.tensorflow.op.data.ZipDataset
Gets handle.
handle() - Method in class org.tensorflow.op.io.FakeQueue
Gets handle.
handle() - Method in class org.tensorflow.op.io.FifoQueue
Gets handle.
handle() - Method in class org.tensorflow.op.io.PaddingFifoQueue
Gets handle.
handle() - Method in class org.tensorflow.op.io.PriorityQueue
Gets handle.
handle() - Method in class org.tensorflow.op.io.RandomShuffleQueue
Gets handle.
handle() - Method in class org.tensorflow.op.random.AnonymousRandomSeedGenerator
Gets handle.
handle() - Method in class org.tensorflow.op.random.AnonymousSeedGenerator
Gets handle.
handle() - Method in class org.tensorflow.op.random.DummySeedGenerator
Gets handle.
handle() - Method in class org.tensorflow.op.sparse.SparseConditionalAccumulator
Gets handle.
handle() - Method in class org.tensorflow.op.train.ConditionalAccumulator
Gets handle.
handle() - Method in class org.tensorflow.op.train.ResourceConditionalAccumulator
Gets handle.
hasCapturedRef - Variable in class org.tensorflow.op.data.FinalizeDataset.Inputs
The hasCapturedRef attribute
hasCapturedRef(Boolean) - Static method in class org.tensorflow.op.data.FinalizeDataset
Sets the hasCapturedRef option.
hasCapturedRef(Boolean) - Method in class org.tensorflow.op.data.FinalizeDataset.Options
Sets the hasCapturedRef option.
hash - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The hash attribute
hash(Long) - Static method in class org.tensorflow.op.data.SnapshotDataset
Sets the hash option.
hash(Long) - Method in class org.tensorflow.op.data.SnapshotDataset.Options
Sets the hash option.
hashCode() - Method in class org.tensorflow.DeviceSpec
 
hashCode() - Method in class org.tensorflow.GraphOperation
 
hashCode() - Method in class org.tensorflow.op.RawOp
 
hashCode() - Method in class org.tensorflow.op.RawOpInputs
 
hashCode() - Method in class org.tensorflow.Output
 
hashedOutput - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The hashedOutput attribute
hashKey - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The hashKey attribute
hashTable(Class<T>, Class<U>, HashTable.Options...) - Method in class org.tensorflow.op.Ops
Creates a non-initialized hash table.
HashTable - Class in org.tensorflow.op.core
Creates a non-initialized hash table.
HashTable(Operation) - Constructor for class org.tensorflow.op.core.HashTable
 
HashTable.Inputs - Class in org.tensorflow.op.core
 
HashTable.Options - Class in org.tensorflow.op.core
Optional attributes for HashTable
hashValid - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The hashValid attribute
hashValid(Boolean) - Static method in class org.tensorflow.op.data.SnapshotDataset
Sets the hashValid option.
hashValid(Boolean) - Method in class org.tensorflow.op.data.SnapshotDataset.Options
Sets the hashValid option.
hasKey() - Method in class org.tensorflow.op.core.TensorMapHasKey
Gets hasKey.
hasKnownShape - Variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
Boolean indicating whether gradient_shape is unknown, in which case the input is ignored during validation.
hasValue() - Method in class org.tensorflow.op.data.OptionalHasValue
Gets hasValue.
head(Shape<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional Operand containing the Shape's first dimension.
head(Shape<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional Operand containing the Shape's first dimension.
head(Scope, Shape<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional Operand containing the Shape's first dimension.
head(Scope, Shape<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional Operand containing the Shape's first dimension.
header - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The header input
header - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The header input
headerBytes - Variable in class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
The headerBytes input
headerBytes - Variable in class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
Number of bytes in the header, defaults to 0.
headerBytes(Long) - Static method in class org.tensorflow.op.io.FixedLengthRecordReader
Sets the headerBytes option.
headerBytes(Long) - Method in class org.tensorflow.op.io.FixedLengthRecordReader.Options
Sets the headerBytes option.
Helpers - Class in org.tensorflow.op.core
Container class for core methods which add or perform several operations and return one of them.
hGrad - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The gradient of h vector.
hGrad - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The gradient of h vector.
histogramFixedWidth(Operand<T>, Operand<T>, Operand<TInt32>) - Method in class org.tensorflow.op.Ops
Return histogram of values.
histogramFixedWidth(Operand<T>, Operand<T>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.Ops
Return histogram of values.
HistogramFixedWidth<U extends TNumber> - Class in org.tensorflow.op.core
Return histogram of values.
HistogramFixedWidth(Operation) - Constructor for class org.tensorflow.op.core.HistogramFixedWidth
 
HistogramFixedWidth.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
histogramSummary(Operand<TString>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.SummaryOps
Outputs a Summary protocol buffer with a histogram.
HistogramSummary - Class in org.tensorflow.op.summary
Outputs a Summary protocol buffer with a histogram.
HistogramSummary(Operation) - Constructor for class org.tensorflow.op.summary.HistogramSummary
 
HistogramSummary.Inputs - Class in org.tensorflow.op.summary
 
hopBytes - Variable in class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
Number of bytes to hop before each read.
hopBytes(Long) - Static method in class org.tensorflow.op.io.FixedLengthRecordReader
Sets the hopBytes option.
hopBytes(Long) - Method in class org.tensorflow.op.io.FixedLengthRecordReader.Options
Sets the hopBytes option.
hostComputeCore - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
The hostComputeCore attribute
hostComputeCore - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
The hostComputeCore attribute
hostComputeCore(String...) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the hostComputeCore option.
hostComputeCore(String...) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the hostComputeCore option.
hostComputeCore(String...) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the hostComputeCore option.
hostComputeCore(String...) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the hostComputeCore option.
hostComputeCore(List<String>) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the hostComputeCore option.
hostComputeCore(List<String>) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the hostComputeCore option.
hostComputeCore(List<String>) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the hostComputeCore option.
hostComputeCore(List<String>) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the hostComputeCore option.
hostConst(Tensor, Class<T>) - Method in class org.tensorflow.op.Ops
Returns a constant tensor on the host.
HostConst<T extends TType> - Class in org.tensorflow.op.core
Returns a constant tensor on the host.
HostConst(Operation) - Constructor for class org.tensorflow.op.core.HostConst
 
HostConst.Inputs - Class in org.tensorflow.op.core
 
hostReserved - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The hostReserved input
hostReserved() - Method in class org.tensorflow.op.nn.CudnnRNN
Gets hostReserved.
hPrev - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
Initial output of cell (to be used for peephole).
hPrev - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
Initial output of cell (to be used for peephole).
hPrev - Variable in class org.tensorflow.op.nn.GRUBlockCell.Inputs
The hPrev input
hPrev - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The hPrev input
hPrev - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
Output of the previous cell at previous time step.
hPrev - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The previous h state.
hPrevGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets hPrevGrad.
hsvToRgb(Operand<T>) - Method in class org.tensorflow.op.ImageOps
Convert one or more images from HSV to RGB.
HsvToRgb<T extends TNumber> - Class in org.tensorflow.op.image
Convert one or more images from HSV to RGB.
HsvToRgb(Operation) - Constructor for class org.tensorflow.op.image.HsvToRgb
 
HsvToRgb.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
hypothesisIndices - Variable in class org.tensorflow.op.core.EditDistance.Inputs
The indices of the hypothesis list SparseTensor.
hypothesisShape - Variable in class org.tensorflow.op.core.EditDistance.Inputs
The shape of the hypothesis list SparseTensor.
hypothesisValues - Variable in class org.tensorflow.op.core.EditDistance.Inputs
The values of the hypothesis list SparseTensor.

I

i - Variable in class org.tensorflow.op.core.InplaceAdd.Inputs
A vector.
i - Variable in class org.tensorflow.op.core.InplaceSub.Inputs
A vector.
i - Variable in class org.tensorflow.op.core.InplaceUpdate.Inputs
A vector.
i - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The input gate over the whole time sequence.
i - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The input gate.
i() - Method in class org.tensorflow.op.nn.BlockLSTM
Gets i.
i() - Method in class org.tensorflow.op.nn.LSTMBlockCell
Gets i.
id - Variable in class org.tensorflow.op.core.Unbatch.Inputs
The id input
id - Variable in class org.tensorflow.op.core.UnbatchGrad.Inputs
The id input
id() - Method in class org.tensorflow.op.core.Batch
Gets id.
idCounts - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The idCounts input
idCounts() - Method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Gets idCounts.
identicalElementShapes - Variable in class org.tensorflow.op.core.TensorArray.Inputs
If true (default is false), then all elements in the TensorArray will be expected to have identical shapes.
identicalElementShapes(Boolean) - Static method in class org.tensorflow.op.core.TensorArray
Sets the identicalElementShapes option.
identicalElementShapes(Boolean) - Method in class org.tensorflow.op.core.TensorArray.Options
Sets the identicalElementShapes option.
identity(Operand<T>) - Method in class org.tensorflow.op.Ops
Return a tensor with the same shape and contents as the input tensor or value.
Identity<T extends TType> - Class in org.tensorflow.op.core
Return a tensor with the same shape and contents as the input tensor or value.
Identity(Operation) - Constructor for class org.tensorflow.op.core.Identity
 
Identity.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
identityN(Iterable<Operand<?>>) - Method in class org.tensorflow.op.Ops
Returns a list of tensors with the same shapes and contents as the input tensors.
IdentityN - Class in org.tensorflow.op.core
Returns a list of tensors with the same shapes and contents as the input tensors.
IdentityN(Operation) - Constructor for class org.tensorflow.op.core.IdentityN
 
IdentityN.Inputs - Class in org.tensorflow.op.core
 
identityReader(IdentityReader.Options...) - Method in class org.tensorflow.op.IoOps
A Reader that outputs the queued work as both the key and value.
IdentityReader - Class in org.tensorflow.op.io
A Reader that outputs the queued work as both the key and value.
IdentityReader(Operation) - Constructor for class org.tensorflow.op.io.IdentityReader
 
IdentityReader.Inputs - Class in org.tensorflow.op.io
 
IdentityReader.Options - Class in org.tensorflow.op.io
Optional attributes for IdentityReader
ids() - Method in class org.tensorflow.op.nn.ComputeAccidentalHits
Gets ids.
idsUnpaddedSize() - Method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Gets idsUnpaddedSize.
idx() - Method in class org.tensorflow.op.core.SetDiff1d
Gets idx.
idx() - Method in class org.tensorflow.op.core.Unique
Gets idx.
idx() - Method in class org.tensorflow.op.core.UniqueWithCounts
Gets idx.
If - Interface in org.tensorflow.op.core
output = cond ? then_branch(input) : else_branch(input)
If.Options - Class in org.tensorflow.op.core
Optional attributes for If
ifft(Operand<T>) - Method in class org.tensorflow.op.SignalOps
Inverse fast Fourier transform.
Ifft<T extends TType> - Class in org.tensorflow.op.signal
Inverse fast Fourier transform.
Ifft(Operation) - Constructor for class org.tensorflow.op.signal.Ifft
 
Ifft.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
ifft2d(Operand<T>) - Method in class org.tensorflow.op.SignalOps
Inverse 2D fast Fourier transform.
Ifft2d<T extends TType> - Class in org.tensorflow.op.signal
Inverse 2D fast Fourier transform.
Ifft2d(Operation) - Constructor for class org.tensorflow.op.signal.Ifft2d
 
Ifft2d.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
ifft3d(Operand<T>) - Method in class org.tensorflow.op.SignalOps
Inverse 3D fast Fourier transform.
Ifft3d<T extends TType> - Class in org.tensorflow.op.signal
Inverse 3D fast Fourier transform.
Ifft3d(Operation) - Constructor for class org.tensorflow.op.signal.Ifft3d
 
Ifft3d.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
ifftNd(Operand<T>, Operand<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.SignalOps
ND inverse fast Fourier transform.
IfftNd<T extends TType> - Class in org.tensorflow.op.signal
ND inverse fast Fourier transform.
IfftNd(Operation) - Constructor for class org.tensorflow.op.signal.IfftNd
 
IfftNd.Inputs<T extends TType> - Class in org.tensorflow.op.signal
 
ifOp(Operand<? extends TType>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, ConcreteFunction, If.Options...) - Method in class org.tensorflow.op.Ops
output = cond ? then_branch(input) : else_branch(input)
igamma(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Compute the lower regularized incomplete Gamma function P(a, x).
Igamma<T extends TNumber> - Class in org.tensorflow.op.math
Compute the lower regularized incomplete Gamma function P(a, x).
Igamma(Operation) - Constructor for class org.tensorflow.op.math.Igamma
 
Igamma.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
igammac(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Compute the upper regularized incomplete Gamma function Q(a, x).
Igammac<T extends TNumber> - Class in org.tensorflow.op.math
Compute the upper regularized incomplete Gamma function Q(a, x).
Igammac(Operation) - Constructor for class org.tensorflow.op.math.Igammac
 
Igammac.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
igammaGradA(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the gradient of igamma(a, x) wrt a.
IgammaGradA<T extends TNumber> - Class in org.tensorflow.op.math
Computes the gradient of igamma(a, x) wrt a.
IgammaGradA(Operation) - Constructor for class org.tensorflow.op.math.IgammaGradA
 
IgammaGradA.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
ignoreErrorsDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, IgnoreErrorsDataset.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that contains the elements of input_dataset ignoring errors.
ignoreErrorsDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, IgnoreErrorsDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that contains the elements of input_dataset ignoring errors.
IgnoreErrorsDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that contains the elements of input_dataset ignoring errors.
IgnoreErrorsDataset - Class in org.tensorflow.op.data
Creates a dataset that contains the elements of input_dataset ignoring errors.
IgnoreErrorsDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.IgnoreErrorsDataset
 
IgnoreErrorsDataset(Operation) - Constructor for class org.tensorflow.op.data.IgnoreErrorsDataset
 
IgnoreErrorsDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
IgnoreErrorsDataset.Inputs - Class in org.tensorflow.op.data
 
IgnoreErrorsDataset.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for IgnoreErrorsDataset
IgnoreErrorsDataset.Options - Class in org.tensorflow.op.data
Optional attributes for IgnoreErrorsDataset
ignoreLongerOutputsThanInputs - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
Scalar.
ignoreLongerOutputsThanInputs - Variable in class org.tensorflow.op.nn.CTCLossV2.Inputs
Scalar.
ignoreLongerOutputsThanInputs(Boolean) - Static method in class org.tensorflow.op.nn.CtcLoss
Sets the ignoreLongerOutputsThanInputs option.
ignoreLongerOutputsThanInputs(Boolean) - Method in class org.tensorflow.op.nn.CtcLoss.Options
Sets the ignoreLongerOutputsThanInputs option.
ignoreLongerOutputsThanInputs(Boolean) - Static method in class org.tensorflow.op.nn.CTCLossV2
Sets the ignoreLongerOutputsThanInputs option.
ignoreLongerOutputsThanInputs(Boolean) - Method in class org.tensorflow.op.nn.CTCLossV2.Options
Sets the ignoreLongerOutputsThanInputs option.
ignoreLookupError - Variable in class org.tensorflow.op.core.DestroyResourceOp.Inputs
whether to ignore the error when the resource doesn't exist.
ignoreLookupError(Boolean) - Static method in class org.tensorflow.op.core.DestroyResourceOp
Sets the ignoreLookupError option.
ignoreLookupError(Boolean) - Method in class org.tensorflow.op.core.DestroyResourceOp.Options
Sets the ignoreLookupError option.
imag - Variable in class org.tensorflow.op.dtypes.Complex.Inputs
The imag input
imag(Operand<? extends TType>) - Method in class org.tensorflow.op.MathOps
Returns the imaginary part of a complex number.
imag(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.MathOps
Returns the imaginary part of a complex number.
Imag<U extends TNumber> - Class in org.tensorflow.op.math
Returns the imaginary part of a complex number.
Imag(Operation) - Constructor for class org.tensorflow.op.math.Imag
 
Imag.Inputs - Class in org.tensorflow.op.math
 
image - Variable in class org.tensorflow.op.image.CropAndResize.Inputs
A 4-D tensor of shape [batch, image_height, image_width, depth].
image - Variable in class org.tensorflow.op.image.CropAndResizeGradBoxes.Inputs
A 4-D tensor of shape [batch, image_height, image_width, depth].
image - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
3-D with shape [height, width, channels].
image - Variable in class org.tensorflow.op.image.EncodePng.Inputs
3-D with shape [height, width, channels].
image - Variable in class org.tensorflow.op.image.RandomCrop.Inputs
3-D of shape [height, width, channels].
image - Variable in class org.tensorflow.op.Ops
 
image() - Method in class org.tensorflow.op.image.DecodeAndCropJpeg
Gets image.
image() - Method in class org.tensorflow.op.image.DecodeBmp
Gets image.
image() - Method in class org.tensorflow.op.image.DecodeGif
Gets image.
image() - Method in class org.tensorflow.op.image.DecodeImage
Gets image.
image() - Method in class org.tensorflow.op.image.DecodeJpeg
Gets image.
image() - Method in class org.tensorflow.op.image.DecodePng
Gets image.
imageInfo - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
A 2-D float tensor of shape [num_images, 5] containing image information Height, Width, Scale.
ImageOps - Class in org.tensorflow.op
An API for building image operations as Ops
imageProjectiveTransformV2(Operand<T>, Operand<TFloat32>, Operand<TInt32>, String, ImageProjectiveTransformV2.Options...) - Method in class org.tensorflow.op.ImageOps
Applies the given transform to each of the images.
ImageProjectiveTransformV2<T extends TNumber> - Class in org.tensorflow.op.image
Applies the given transform to each of the images.
ImageProjectiveTransformV2(Operation) - Constructor for class org.tensorflow.op.image.ImageProjectiveTransformV2
 
ImageProjectiveTransformV2.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
ImageProjectiveTransformV2.Options - Class in org.tensorflow.op.image
Optional attributes for ImageProjectiveTransformV2
imageProjectiveTransformV3(Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, String, ImageProjectiveTransformV3.Options...) - Method in class org.tensorflow.op.ImageOps
Applies the given transform to each of the images.
ImageProjectiveTransformV3<T extends TNumber> - Class in org.tensorflow.op.image
Applies the given transform to each of the images.
ImageProjectiveTransformV3(Operation) - Constructor for class org.tensorflow.op.image.ImageProjectiveTransformV3
 
ImageProjectiveTransformV3.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
ImageProjectiveTransformV3.Options - Class in org.tensorflow.op.image
Optional attributes for ImageProjectiveTransformV3
images - Variable in class org.tensorflow.op.image.AdjustContrast.Inputs
Images to adjust.
images - Variable in class org.tensorflow.op.image.AdjustHue.Inputs
Images to adjust.
images - Variable in class org.tensorflow.op.image.AdjustSaturation.Inputs
Images to adjust.
images - Variable in class org.tensorflow.op.image.DrawBoundingBoxes.Inputs
4-D with shape [batch, height, width, depth].
images - Variable in class org.tensorflow.op.image.EncodeJpegVariableQuality.Inputs
Images to adjust.
images - Variable in class org.tensorflow.op.image.ExtractImagePatches.Inputs
4-D Tensor with shape [batch, in_rows, in_cols, depth].
images - Variable in class org.tensorflow.op.image.HsvToRgb.Inputs
1-D or higher rank.
images - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV2.Inputs
4-D with shape [batch, height, width, channels].
images - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
4-D with shape [batch, height, width, channels].
images - Variable in class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
4-D with shape [batch, height, width, channels].
images - Variable in class org.tensorflow.op.image.ResizeArea.Inputs
4-D with shape [batch, height, width, channels].
images - Variable in class org.tensorflow.op.image.ResizeBicubic.Inputs
4-D with shape [batch, height, width, channels].
images - Variable in class org.tensorflow.op.image.ResizeBilinear.Inputs
4-D with shape [batch, height, width, channels].
images - Variable in class org.tensorflow.op.image.ResizeNearestNeighbor.Inputs
4-D with shape [batch, height, width, channels].
images - Variable in class org.tensorflow.op.image.RgbToHsv.Inputs
1-D or higher rank.
images - Variable in class org.tensorflow.op.image.ScaleAndTranslate.Inputs
The images input
imageShape() - Method in class org.tensorflow.op.image.ExtractJpegShape
Gets imageShape.
imageSize - Variable in class org.tensorflow.op.image.CropAndResizeGradImage.Inputs
A 1-D tensor with value [batch, image_height, image_width, depth] containing the original image size.
imageSize - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
1-D, containing [height, width, channels].
imageSize - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
1-D, containing [height, width, channels].
imageSummary(Operand<TString>, Operand<? extends TNumber>, ImageSummary.Options...) - Method in class org.tensorflow.op.SummaryOps
Outputs a Summary protocol buffer with images.
ImageSummary - Class in org.tensorflow.op.summary
Outputs a Summary protocol buffer with images.
ImageSummary(Operation) - Constructor for class org.tensorflow.op.summary.ImageSummary
 
ImageSummary.Inputs - Class in org.tensorflow.op.summary
 
ImageSummary.Options - Class in org.tensorflow.op.summary
Optional attributes for ImageSummary
immutableConst(Class<T>, Shape, String) - Method in class org.tensorflow.op.Ops
Returns immutable tensor from memory region.
ImmutableConst<T extends TType> - Class in org.tensorflow.op.core
Returns immutable tensor from memory region.
ImmutableConst(Operation) - Constructor for class org.tensorflow.op.core.ImmutableConst
 
ImmutableConst.Inputs - Class in org.tensorflow.op.core
 
importEvent(Operand<? extends TType>, Operand<TString>) - Method in class org.tensorflow.op.SummaryOps
The ImportEvent operation
ImportEvent - Class in org.tensorflow.op.summary
The ImportEvent operation
ImportEvent(Operation) - Constructor for class org.tensorflow.op.summary.ImportEvent
 
ImportEvent.Inputs - Class in org.tensorflow.op.summary
 
importGraphDef(GraphDef) - Method in class org.tensorflow.Graph
Import a representation of a TensorFlow graph.
importGraphDef(GraphDef, String) - Method in class org.tensorflow.Graph
Import a representation of a TensorFlow graph.
inBackprop() - Method in class org.tensorflow.op.nn.Dilation2dBackpropInput
Gets inBackprop.
incarnationId - Variable in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard.Inputs
Which incarnation of the MultiDeviceIterator is running.
incarnationId() - Method in class org.tensorflow.op.data.MultiDeviceIteratorInit
Gets incarnationId.
includeBatchInIndex - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
Whether to include batch dimension in flattened index of argmax.
includeBatchInIndex - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
Whether to include batch dimension in flattened index of argmax.
includeBatchInIndex - Variable in class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
Whether to include batch dimension in flattened index of argmax.
includeBatchInIndex(Boolean) - Static method in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax
Sets the includeBatchInIndex option.
includeBatchInIndex(Boolean) - Method in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Options
Sets the includeBatchInIndex option.
includeBatchInIndex(Boolean) - Static method in class org.tensorflow.op.nn.MaxPoolGradWithArgmax
Sets the includeBatchInIndex option.
includeBatchInIndex(Boolean) - Method in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Options
Sets the includeBatchInIndex option.
includeBatchInIndex(Boolean) - Static method in class org.tensorflow.op.nn.MaxPoolWithArgmax
Sets the includeBatchInIndex option.
includeBatchInIndex(Boolean) - Method in class org.tensorflow.op.nn.MaxPoolWithArgmax.Options
Sets the includeBatchInIndex option.
incompatibleShapeError - Variable in class org.tensorflow.op.math.Equal.Inputs
The incompatibleShapeError attribute
incompatibleShapeError - Variable in class org.tensorflow.op.math.NotEqual.Inputs
The incompatibleShapeError attribute
incompatibleShapeError(Boolean) - Static method in class org.tensorflow.op.math.Equal
Sets the incompatibleShapeError option.
incompatibleShapeError(Boolean) - Method in class org.tensorflow.op.math.Equal.Options
Sets the incompatibleShapeError option.
incompatibleShapeError(Boolean) - Static method in class org.tensorflow.op.math.NotEqual
Sets the incompatibleShapeError option.
incompatibleShapeError(Boolean) - Method in class org.tensorflow.op.math.NotEqual.Options
Sets the incompatibleShapeError option.
index - Variable in class org.tensorflow.op.core.GetElementAtIndex.Inputs
The index input
index - Variable in class org.tensorflow.op.core.RandomIndexShuffle.Inputs
A scalar tensor or a vector of dtype dtype.
index - Variable in class org.tensorflow.op.core.RefSelect.Inputs
A scalar that determines the input that gets selected.
index - Variable in class org.tensorflow.op.core.StagePeek.Inputs
The index input
index - Variable in class org.tensorflow.op.core.TensorArrayRead.Inputs
The index input
index - Variable in class org.tensorflow.op.core.TensorArrayWrite.Inputs
The position to write to inside the TensorArray.
index - Variable in class org.tensorflow.op.core.TensorListGetItem.Inputs
The index input
index - Variable in class org.tensorflow.op.core.TensorListSetItem.Inputs
The index input
index - Variable in class org.tensorflow.op.data.AutoShardDataset.Inputs
A scalar representing the index of the current worker out of num_workers.
index - Variable in class org.tensorflow.op.data.experimental.AutoShardDataset.Inputs
A scalar representing the index of the current worker out of num_workers.
index - Variable in class org.tensorflow.op.data.ShardDataset.Inputs
An integer representing the current worker index.
index - Variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents.Inputs
The index in csr_sparse_matrix's batch.
index - Variable in class org.tensorflow.op.tpu.ReplicatedInput.Inputs
The index attribute
index - Variable in class org.tensorflow.op.tpu.TPUReplicatedInput.Inputs
Deprecated.
The index attribute
index() - Method in class org.tensorflow.op.cluster.KMC2ChainInitialization
Gets index.
index() - Method in class org.tensorflow.op.core.DeviceIndex
Gets index.
index() - Method in class org.tensorflow.op.core.Where
Gets index.
index() - Method in class org.tensorflow.Output
Returns the index into the outputs of the Operation.
index(Long) - Static method in class org.tensorflow.op.tpu.ReplicatedInput
Sets the index option.
index(Long) - Method in class org.tensorflow.op.tpu.ReplicatedInput.Options
Sets the index option.
index(Long) - Static method in class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
Sets the index option.
index(Long) - Method in class org.tensorflow.op.tpu.TPUReplicatedInput.Options
Deprecated.
Sets the index option.
Index - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The Index attribute
Index - Variable in class org.tensorflow.op.core.Slice.Inputs
The Index attribute
Index - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
The Index attribute
Index - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The Index attribute
Index - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The Index attribute
Index - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The Index attribute
indexType - Variable in class org.tensorflow.op.core.Fill.Inputs
The indexType attribute
indexType - Variable in class org.tensorflow.op.nn.TopK.Inputs
The indexType attribute
indices - Variable in class org.tensorflow.op.core.DynamicStitch.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.Gather.Inputs
Index tensor.
indices - Variable in class org.tensorflow.op.core.GatherNd.Inputs
Index tensor.
indices - Variable in class org.tensorflow.op.core.MapPeek.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.MapStage.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.MapUnstage.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.MapUnstageNoKey.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.OneHot.Inputs
A tensor of indices.
indices - Variable in class org.tensorflow.op.core.OrderedMapPeek.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.OrderedMapUnstage.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.ParallelDynamicStitch.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.ResourceGather.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.ResourceGatherNd.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.ResourceScatterAdd.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ResourceScatterDiv.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ResourceScatterMax.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ResourceScatterMin.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ResourceScatterMul.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ResourceScatterNdAdd.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ResourceScatterNdMax.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ResourceScatterNdMin.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ResourceScatterNdSub.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ResourceScatterNdUpdate.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ResourceScatterSub.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ResourceScatterUpdate.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ScatterAdd.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ScatterDiv.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ScatterMax.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ScatterMin.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ScatterMul.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ScatterNd.Inputs
Tensor of indices.
indices - Variable in class org.tensorflow.op.core.ScatterNdAdd.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ScatterNdMax.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ScatterNdMin.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ScatterNdNonAliasingAdd.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ScatterNdSub.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ScatterNdUpdate.Inputs
A Tensor.
indices - Variable in class org.tensorflow.op.core.ScatterSub.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.ScatterUpdate.Inputs
A tensor of indices into the first dimension of ref.
indices - Variable in class org.tensorflow.op.core.TensorArrayGather.Inputs
The locations in the TensorArray from which to read tensor elements.
indices - Variable in class org.tensorflow.op.core.TensorArrayScatter.Inputs
The locations at which to write the tensor elements.
indices - Variable in class org.tensorflow.op.core.TensorListGather.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.TensorListScatter.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.TensorListScatterIntoExistingList.Inputs
The indices input
indices - Variable in class org.tensorflow.op.core.TensorScatterNdAdd.Inputs
Index tensor.
indices - Variable in class org.tensorflow.op.core.TensorScatterNdMax.Inputs
Index tensor.
indices - Variable in class org.tensorflow.op.core.TensorScatterNdMin.Inputs
Index tensor.
indices - Variable in class org.tensorflow.op.core.TensorScatterNdSub.Inputs
Index tensor.
indices - Variable in class org.tensorflow.op.core.TensorScatterNdUpdate.Inputs
Index tensor.
indices - Variable in class org.tensorflow.op.core.UnravelIndex.Inputs
An 0-D or 1-D int Tensor whose elements are indices into the flattened version of an array of dimensions dims.
indices - Variable in class org.tensorflow.op.data.SparseTensorSliceDataset.Inputs
The indices input
indices - Variable in class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix.Inputs
Indices of nonzero elements.
indices - Variable in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix.Inputs
SparseTensor indices.
indices - Variable in class org.tensorflow.op.ragged.RaggedGather.Inputs
Indices in the outermost dimension of params of the values that should be gathered.
indices - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
2D int64 Tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseConcat.Inputs
2-D.
indices - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Tensor containing the indices of the sparse tensor to count.
indices - Variable in class org.tensorflow.op.sparse.SparseCross.Inputs
2-D.
indices - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
2-D.
indices - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRows.Inputs
2-D.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
A 1-D tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
indices passed to the corresponding SparseSegmentMean op.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
A 1-D tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
A 1-D tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
indices passed to the corresponding SparseSegmentSqrtN op.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
A 1-D tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
A 1-D tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
indices passed to the corresponding SparseSegmentSum op.
indices - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
A 1-D tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseSlice.Inputs
2-D tensor represents the indices of the sparse tensor.
indices - Variable in class org.tensorflow.op.sparse.SparseSplit.Inputs
2-D tensor represents the indices of the sparse tensor.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
A vector of indices into the first dimension of var, ms and mom.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
A vector of indices into the first dimension of var, ms and mom.
indices - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
A vector of indices into the first dimension of var, ms and mom.
indices - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
A vector of indices into the first dimension of var and accum.
indices - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
A vector of indices into the first dimension of var, ms and mom.
indices - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagrad.Inputs
The indices input
indices - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The indices input
indices - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The indices input
indices - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The indices input
indices - Variable in class org.tensorflow.op.xla.XlaSparseCoreSgd.Inputs
The indices input
indices() - Method in class org.tensorflow.op.core.ApproxTopK
Gets indices.
indices() - Method in class org.tensorflow.op.core.BarrierTakeMany
Gets indices.
indices() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor
Gets indices.
indices() - Method in class org.tensorflow.op.nn.ComputeAccidentalHits
Gets indices.
indices() - Method in class org.tensorflow.op.nn.TopK
Gets indices.
indices() - Method in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient
Gets indices.
indices() - Method in class org.tensorflow.op.strings.StringSplit
Gets indices.
indices() - Method in interface org.tensorflow.SparseTensor
Gets the indices of the sparsed values.
indicesOrRowSplits - Variable in class org.tensorflow.op.tpu.ConvertToCooTensor.Inputs
The indicesOrRowSplits input
infeedDequeue(Class<T>, Shape) - Method in class org.tensorflow.op.TpuOps
A placeholder op for a value that will be fed into the computation.
InfeedDequeue<T extends TType> - Class in org.tensorflow.op.tpu
A placeholder op for a value that will be fed into the computation.
InfeedDequeue(Operation) - Constructor for class org.tensorflow.op.tpu.InfeedDequeue
 
InfeedDequeue.Inputs - Class in org.tensorflow.op.tpu
 
infeedDequeueTuple(List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.TpuOps
Fetches multiple values from infeed as an XLA tuple.
InfeedDequeueTuple - Class in org.tensorflow.op.tpu
Fetches multiple values from infeed as an XLA tuple.
InfeedDequeueTuple(Operation) - Constructor for class org.tensorflow.op.tpu.InfeedDequeueTuple
 
InfeedDequeueTuple.Inputs - Class in org.tensorflow.op.tpu
 
infeedEnqueue(Operand<? extends TType>, InfeedEnqueue.Options...) - Method in class org.tensorflow.op.TpuOps
An op which feeds a single Tensor value into the computation.
InfeedEnqueue - Class in org.tensorflow.op.tpu
An op which feeds a single Tensor value into the computation.
InfeedEnqueue(Operation) - Constructor for class org.tensorflow.op.tpu.InfeedEnqueue
 
InfeedEnqueue.Inputs - Class in org.tensorflow.op.tpu
 
InfeedEnqueue.Options - Class in org.tensorflow.op.tpu
Optional attributes for InfeedEnqueue
infeedEnqueuePrelinearizedBuffer(Operand<? extends TType>, InfeedEnqueuePrelinearizedBuffer.Options...) - Method in class org.tensorflow.op.TpuOps
An op which enqueues prelinearized buffer into TPU infeed.
InfeedEnqueuePrelinearizedBuffer - Class in org.tensorflow.op.tpu
An op which enqueues prelinearized buffer into TPU infeed.
InfeedEnqueuePrelinearizedBuffer(Operation) - Constructor for class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer
 
InfeedEnqueuePrelinearizedBuffer.Inputs - Class in org.tensorflow.op.tpu
 
InfeedEnqueuePrelinearizedBuffer.Options - Class in org.tensorflow.op.tpu
Optional attributes for InfeedEnqueuePrelinearizedBuffer
infeedEnqueueTuple(Iterable<Operand<?>>, List<Shape>, InfeedEnqueueTuple.Options...) - Method in class org.tensorflow.op.TpuOps
Feeds multiple Tensor values into the computation as an XLA tuple.
InfeedEnqueueTuple - Class in org.tensorflow.op.tpu
Feeds multiple Tensor values into the computation as an XLA tuple.
InfeedEnqueueTuple(Operation) - Constructor for class org.tensorflow.op.tpu.InfeedEnqueueTuple
 
InfeedEnqueueTuple.Inputs - Class in org.tensorflow.op.tpu
 
InfeedEnqueueTuple.Options - Class in org.tensorflow.op.tpu
Optional attributes for InfeedEnqueueTuple
init - Variable in class org.tensorflow.op.core.Empty.Inputs
If True, initialize the returned tensor with the default value of dtype.
init(Boolean) - Static method in class org.tensorflow.op.core.Empty
Sets the init option.
init(Boolean) - Method in class org.tensorflow.op.core.Empty.Options
Sets the init option.
initDefault(EagerSession.Options) - Static method in class org.tensorflow.EagerSession
Initializes the default eager session, which remains active for the lifetime of the application.
initFuncOtherArgs - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The initFuncOtherArgs input
initFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for init_func.
initFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for init_func.
initialize() - Method in class org.tensorflow.Session
Execute any un-ran initializers.
initializeTable(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Table initializer that takes two tensors for keys and values respectively.
InitializeTable - Class in org.tensorflow.op.core
Table initializer that takes two tensors for keys and values respectively.
InitializeTable(Operation) - Constructor for class org.tensorflow.op.core.InitializeTable
 
InitializeTable.Inputs - Class in org.tensorflow.op.core
 
initializeTableFromDataset(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
The InitializeTableFromDataset operation
InitializeTableFromDataset - Class in org.tensorflow.op.data
The InitializeTableFromDataset operation
InitializeTableFromDataset(Operation) - Constructor for class org.tensorflow.op.data.InitializeTableFromDataset
 
InitializeTableFromDataset.Inputs - Class in org.tensorflow.op.data
 
initializeTableFromTextFile(Operand<? extends TType>, Operand<TString>, Long, Long, InitializeTableFromTextFile.Options...) - Method in class org.tensorflow.op.Ops
Initializes a table from a text file.
InitializeTableFromTextFile - Class in org.tensorflow.op.core
Initializes a table from a text file.
InitializeTableFromTextFile(Operation) - Constructor for class org.tensorflow.op.core.InitializeTableFromTextFile
 
InitializeTableFromTextFile.Inputs - Class in org.tensorflow.op.core
 
InitializeTableFromTextFile.Options - Class in org.tensorflow.op.core
Optional attributes for InitializeTableFromTextFile
initializingValues - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
A float Tensor containing values to fill in for cells in the output matrix that are not loaded from the checkpoint.
initialNumBuckets - Variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
The initial number of hash table buckets.
initialNumBuckets - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
The initial number of hash table buckets.
initialNumBuckets(Long) - Static method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable
Sets the initialNumBuckets option.
initialNumBuckets(Long) - Method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Options
Sets the initialNumBuckets option.
initialNumBuckets(Long) - Static method in class org.tensorflow.op.core.MutableDenseHashTable
Sets the initialNumBuckets option.
initialNumBuckets(Long) - Method in class org.tensorflow.op.core.MutableDenseHashTable.Options
Sets the initialNumBuckets option.
initialState - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The initialState input
initialState - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
A nested structure of tensors, representing the initial state of the transformation.
initialState - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The initialState input
inplaceAdd(Operand<T>, Operand<TInt32>, Operand<T>) - Method in class org.tensorflow.op.Ops
Adds v into specified rows of x.
InplaceAdd<T extends TType> - Class in org.tensorflow.op.core
Adds v into specified rows of x.
InplaceAdd(Operation) - Constructor for class org.tensorflow.op.core.InplaceAdd
 
InplaceAdd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
inplaceSub(Operand<T>, Operand<TInt32>, Operand<T>) - Method in class org.tensorflow.op.Ops
Subtracts `v` into specified rows of `x`.
InplaceSub<T extends TType> - Class in org.tensorflow.op.core
Subtracts `v` into specified rows of `x`.
InplaceSub(Operation) - Constructor for class org.tensorflow.op.core.InplaceSub
 
InplaceSub.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
inplaceUpdate(Operand<T>, Operand<TInt32>, Operand<T>) - Method in class org.tensorflow.op.Ops
Updates specified rows 'i' with values 'v'.
InplaceUpdate<T extends TType> - Class in org.tensorflow.op.core
Updates specified rows 'i' with values 'v'.
InplaceUpdate(Operation) - Constructor for class org.tensorflow.op.core.InplaceUpdate
 
InplaceUpdate.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
input - Variable in class org.tensorflow.op.audio.AudioSpectrogram.Inputs
Float representation of audio data.
input - Variable in class org.tensorflow.op.collective.CollectiveAllToAll.Inputs
The input input
input - Variable in class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
The input input
input - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The input input
input - Variable in class org.tensorflow.op.collective.CollectivePermute.Inputs
The local input to be permuted.
input - Variable in class org.tensorflow.op.collective.CollectiveReduce.Inputs
The input input
input - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The input input
input - Variable in class org.tensorflow.op.core.All.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.Any.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
Array to search.
input - Variable in class org.tensorflow.op.core.BatchToSpace.Inputs
4-D tensor with shape [batch*block_size*block_size, height_pad/block_size, width_pad/block_size, depth].
input - Variable in class org.tensorflow.op.core.BatchToSpaceNd.Inputs
N-D with shape input_shape = [batch] + spatial_shape + remaining_shape, where spatial_shape has M dimensions.
input - Variable in class org.tensorflow.op.core.Bitcast.Inputs
The input input
input - Variable in class org.tensorflow.op.core.BroadcastTo.Inputs
A Tensor to broadcast.
input - Variable in class org.tensorflow.op.core.Bucketize.Inputs
Any shape of Tensor contains with int or float type.
input - Variable in class org.tensorflow.op.core.Copy.Inputs
Input tensor.
input - Variable in class org.tensorflow.op.core.CopyHost.Inputs
Input tensor.
input - Variable in class org.tensorflow.op.core.CopyToMesh.Inputs
The input input
input - Variable in class org.tensorflow.op.core.CopyToMeshGrad.Inputs
The input input
input - Variable in class org.tensorflow.op.core.EnsureShape.Inputs
A tensor, whose shape is to be validated.
input - Variable in class org.tensorflow.op.core.ExpandDims.Inputs
The input input
input - Variable in class org.tensorflow.op.core.ExtractVolumePatches.Inputs
5-D Tensor with shape [batch, in_planes, in_rows, in_cols, depth].
input - Variable in class org.tensorflow.op.core.For.Inputs
A list of input tensors whose types are T.
input - Variable in class org.tensorflow.op.core.GuaranteeConst.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Identity.Inputs
The input input
input - Variable in class org.tensorflow.op.core.IdentityN.Inputs
The input input
input - Variable in class org.tensorflow.op.core.KthOrderStatistic.Inputs
The input input
input - Variable in class org.tensorflow.op.core.LoopCond.Inputs
A boolean scalar, representing the branch predicate of the Switch op.
input - Variable in class org.tensorflow.op.core.MakeUnique.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Max.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.Min.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.MirrorPad.Inputs
The input tensor to be padded.
input - Variable in class org.tensorflow.op.core.MirrorPadGrad.Inputs
The input tensor to be folded.
input - Variable in class org.tensorflow.op.core.NcclAllReduce.Inputs
Deprecated.
The input input
input - Variable in class org.tensorflow.op.core.NcclBroadcast.Inputs
Deprecated.
The input input
input - Variable in class org.tensorflow.op.core.NcclReduce.Inputs
Deprecated.
The input input
input - Variable in class org.tensorflow.op.core.Pad.Inputs
The input input
input - Variable in class org.tensorflow.op.core.PlaceholderWithDefault.Inputs
The default value to produce when output is not fed.
input - Variable in class org.tensorflow.op.core.Print.Inputs
The string scalar to print.
input - Variable in class org.tensorflow.op.core.Prod.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.Rank.Inputs
The input input
input - Variable in class org.tensorflow.op.core.ReduceAll.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.ReduceAny.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.ReduceMax.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.ReduceMin.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.ReduceProd.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.ReduceSum.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.RefIdentity.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Relayout.Inputs
The input input
input - Variable in class org.tensorflow.op.core.RelayoutLike.Inputs
The input input
input - Variable in class org.tensorflow.op.core.ReverseSequence.Inputs
The input to reverse.
input - Variable in class org.tensorflow.op.core.Roll.Inputs
The input input
input - Variable in class org.tensorflow.op.core.ScatterNdNonAliasingAdd.Inputs
A Tensor.
input - Variable in class org.tensorflow.op.core.Shape.Inputs
The input input
input - Variable in class org.tensorflow.op.core.ShapeN.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Size.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Slice.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Snapshot.Inputs
The input input
input - Variable in class org.tensorflow.op.core.SpaceToBatchNd.Inputs
N-D with shape input_shape = [batch] + spatial_shape + remaining_shape, where spatial_shape has M dimensions.
input - Variable in class org.tensorflow.op.core.Squeeze.Inputs
The input to squeeze.
input - Variable in class org.tensorflow.op.core.StatefulCase.Inputs
A list of input tensors passed to the branch function.
input - Variable in class org.tensorflow.op.core.StatefulIf.Inputs
A list of input tensors.
input - Variable in class org.tensorflow.op.core.StatefulWhile.Inputs
A list of input tensors whose types are T.
input - Variable in class org.tensorflow.op.core.StatelessCase.Inputs
A list of input tensors passed to the branch function.
input - Variable in class org.tensorflow.op.core.StatelessIf.Inputs
A list of input tensors.
input - Variable in class org.tensorflow.op.core.StatelessWhile.Inputs
A list of input tensors whose types are T.
input - Variable in class org.tensorflow.op.core.StochasticCastToInt.Inputs
The operand to stochastically cast to int.
input - Variable in class org.tensorflow.op.core.StopGradient.Inputs
The input input
input - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Sum.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The input input
input - Variable in class org.tensorflow.op.core.Tile.Inputs
Can be of any rank.
input - Variable in class org.tensorflow.op.core.TopKUnique.Inputs
The input input
input - Variable in class org.tensorflow.op.core.TopKWithUnique.Inputs
The input input
input - Variable in class org.tensorflow.op.core.VariableShape.Inputs
The input input
input - Variable in class org.tensorflow.op.debugging.DebugGradientIdentity.Inputs
The input input
input - Variable in class org.tensorflow.op.debugging.DebugGradientRefIdentity.Inputs
The input input
input - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
Input tensor, non-Reference type
input - Variable in class org.tensorflow.op.debugging.DebugNanCount.Inputs
Input tensor, non-Reference type.
input - Variable in class org.tensorflow.op.debugging.DebugNumericsSummary.Inputs
Input tensor, to be summarized by the op.
input - Variable in class org.tensorflow.op.distribute.NcclAllReduce.Inputs
The input input
input - Variable in class org.tensorflow.op.distribute.NcclBroadcast.Inputs
The input input
input - Variable in class org.tensorflow.op.distribute.NcclReduce.Inputs
The input input
input - Variable in class org.tensorflow.op.dtypes.AsString.Inputs
The input input
input - Variable in class org.tensorflow.op.dtypes.ToBool.Inputs
The input input
input - Variable in class org.tensorflow.op.image.ExtractGlimpse.Inputs
A 4-D float tensor of shape [batch_size, height, width, channels].
input - Variable in class org.tensorflow.op.io.DecodeBase64.Inputs
Base64 strings to decode.
input - Variable in class org.tensorflow.op.io.EncodeBase64.Inputs
Strings to be encoded.
input - Variable in class org.tensorflow.op.linalg.BandPart.Inputs
Rank k tensor.
input - Variable in class org.tensorflow.op.linalg.BatchCholesky.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.BatchMatrixBandPart.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.BatchMatrixDeterminant.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.BatchMatrixDiagPart.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.BatchMatrixInverse.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.BatchMatrixSetDiag.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.BatchSelfAdjointEig.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.BatchSvd.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.Cholesky.Inputs
Shape is [..., M, M].
input - Variable in class org.tensorflow.op.linalg.Det.Inputs
Shape is [..., M, M].
input - Variable in class org.tensorflow.op.linalg.Eig.Inputs
Tensor input of shape [N, N].
input - Variable in class org.tensorflow.op.linalg.EuclideanNorm.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.linalg.Inv.Inputs
Shape is [..., M, M].
input - Variable in class org.tensorflow.op.linalg.LogMatrixDeterminant.Inputs
Shape is [N, M, M].
input - Variable in class org.tensorflow.op.linalg.Lu.Inputs
A tensor of shape [..., M, M] whose inner-most 2 dimensions form matrices of size [M, M].
input - Variable in class org.tensorflow.op.linalg.MatrixDiagPart.Inputs
Rank r tensor where r >= 2.
input - Variable in class org.tensorflow.op.linalg.MatrixDiagPartV3.Inputs
Rank r tensor where r >= 2.
input - Variable in class org.tensorflow.op.linalg.MatrixExponential.Inputs
The input input
input - Variable in class org.tensorflow.op.linalg.MatrixLogarithm.Inputs
Shape is [..., M, M].
input - Variable in class org.tensorflow.op.linalg.MatrixSetDiag.Inputs
Rank r+1, where r >= 1.
input - Variable in class org.tensorflow.op.linalg.Qr.Inputs
A tensor of shape [..., M, N] whose inner-most 2 dimensions form matrices of size [M, N].
input - Variable in class org.tensorflow.op.linalg.SelfAdjointEig.Inputs
Tensor input of shape [N, N].
input - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixOrderingAMD.Inputs
A CSRSparseMatrix.
input - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky.Inputs
A CSRSparseMatrix.
input - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose.Inputs
A CSRSparseMatrix.
input - Variable in class org.tensorflow.op.linalg.Sqrtm.Inputs
Shape is [..., M, M].
input - Variable in class org.tensorflow.op.linalg.Svd.Inputs
A tensor of shape [..., M, N] whose inner-most 2 dimensions form matrices of size [M, N].
input - Variable in class org.tensorflow.op.linalg.TensorDiagPart.Inputs
Rank k tensor where k is even and not zero.
input - Variable in class org.tensorflow.op.math.Angle.Inputs
The input input
input - Variable in class org.tensorflow.op.math.ArgMax.Inputs
The input input
input - Variable in class org.tensorflow.op.math.ArgMin.Inputs
The input input
input - Variable in class org.tensorflow.op.math.Conj.Inputs
The input input
input - Variable in class org.tensorflow.op.math.DenseBincount.Inputs
1D or 2D int Tensor.
input - Variable in class org.tensorflow.op.math.Imag.Inputs
The input input
input - Variable in class org.tensorflow.op.math.Mean.Inputs
The tensor to reduce.
input - Variable in class org.tensorflow.op.math.Real.Inputs
The input input
input - Variable in class org.tensorflow.op.math.RequantizationRangePerChannel.Inputs
The original input tensor.
input - Variable in class org.tensorflow.op.math.RequantizePerChannel.Inputs
The original input tensor.
input - Variable in class org.tensorflow.op.nn.AvgPool3d.Inputs
Shape [batch, depth, rows, cols, channels] tensor to pool over.
input - Variable in class org.tensorflow.op.nn.Conv.Inputs
Tensor of type T and shape batch_shape + spatial_shape + [in_channels] in the case that channels_last_format = true or shape batch_shape + [in_channels] + spatial_shape if channels_last_format = false.
input - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
A 4-D tensor.
input - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
4-D with shape [batch, in_height, in_width, in_channels].
input - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
4-D with shape [batch, in_height, in_width, in_channels].
input - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
4-D with shape [batch, in_height, in_width, in_channels].
input - Variable in class org.tensorflow.op.nn.Conv3d.Inputs
Shape [batch, in_depth, in_height, in_width, in_channels].
input - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
Shape [batch, depth, rows, cols, in_channels].
input - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.DepthToSpace.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
4-D with shape based on data_format.
input - Variable in class org.tensorflow.op.nn.Dilation2d.Inputs
4-D with shape [batch, in_height, in_width, depth].
input - Variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
4-D with shape [batch, in_height, in_width, depth].
input - Variable in class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
4-D with shape [batch, in_height, in_width, depth].
input - Variable in class org.tensorflow.op.nn.FusedPadConv2d.Inputs
4-D with shape [batch, in_height, in_width, in_channels].
input - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
4-D with shape [batch, in_height, in_width, in_channels].
input - Variable in class org.tensorflow.op.nn.IsotonicRegression.Inputs
A (batch_size, dim)-tensor holding a batch of inputs.
input - Variable in class org.tensorflow.op.nn.LocalResponseNormalization.Inputs
4-D.
input - Variable in class org.tensorflow.op.nn.MaxPool.Inputs
4-D input to pool over.
input - Variable in class org.tensorflow.op.nn.MaxPool3d.Inputs
Shape [batch, depth, rows, cols, channels] tensor to pool over.
input - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
The original input.
input - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
The original input.
input - Variable in class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
4-D with shape [batch, height, width, channels].
input - Variable in class org.tensorflow.op.nn.NthElement.Inputs
1-D or higher with last dimension at least n+1.
input - Variable in class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
4-D with shape [batch, height, width, channels].
input - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The original input tensor.
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The original input tensor.
input - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The original input tensor.
input - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The original input tensor.
input - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The original input tensor.
input - Variable in class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
The 4D (batch x rows x cols x depth) Tensor to MaxReduce over.
input - Variable in class org.tensorflow.op.nn.SpaceToBatch.Inputs
4-D with shape [batch, height, width, depth].
input - Variable in class org.tensorflow.op.nn.SpaceToDepth.Inputs
The input input
input - Variable in class org.tensorflow.op.nn.TopK.Inputs
1-D or higher with last dimension at least k.
input - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
Tensor to quantize and then dequantize.
input - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.RequantizationRange.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.Requantize.Inputs
The input input
input - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
Must be a Tensor of Tin.
input - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
Must be a Tensor of Tin.
input - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
Must be a Tensor of Tin.
input - Variable in class org.tensorflow.op.signal.BatchFft.Inputs
The input input
input - Variable in class org.tensorflow.op.signal.BatchFft2d.Inputs
The input input
input - Variable in class org.tensorflow.op.signal.BatchFft3d.Inputs
The input input
input - Variable in class org.tensorflow.op.signal.BatchIfft.Inputs
The input input
input - Variable in class org.tensorflow.op.signal.BatchIfft2d.Inputs
The input input
input - Variable in class org.tensorflow.op.signal.BatchIfft3d.Inputs
The input input
input - Variable in class org.tensorflow.op.signal.Fft.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Fft2d.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Fft3d.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.FftNd.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Ifft.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Ifft2d.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Ifft3d.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.IfftNd.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Irfft.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Irfft2d.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Irfft3d.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.IrfftNd.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.signal.Rfft.Inputs
A float32 tensor.
input - Variable in class org.tensorflow.op.signal.Rfft2d.Inputs
A float32 tensor.
input - Variable in class org.tensorflow.op.signal.Rfft3d.Inputs
A float32 tensor.
input - Variable in class org.tensorflow.op.signal.RfftNd.Inputs
A complex tensor.
input - Variable in class org.tensorflow.op.strings.Lower.Inputs
The input to be lower-cased.
input - Variable in class org.tensorflow.op.strings.RegexFullMatch.Inputs
A string tensor of the text to be processed.
input - Variable in class org.tensorflow.op.strings.RegexReplace.Inputs
The text to be processed.
input - Variable in class org.tensorflow.op.strings.StaticRegexFullMatch.Inputs
A string tensor of the text to be processed.
input - Variable in class org.tensorflow.op.strings.StaticRegexReplace.Inputs
The text to be processed.
input - Variable in class org.tensorflow.op.strings.StringLength.Inputs
The strings for which to compute the length for each element.
input - Variable in class org.tensorflow.op.strings.StringSplit.Inputs
1-D string Tensor, the strings to split.
input - Variable in class org.tensorflow.op.strings.Strip.Inputs
A string Tensor of any shape.
input - Variable in class org.tensorflow.op.strings.Substr.Inputs
Tensor of strings
input - Variable in class org.tensorflow.op.strings.ToHashBucketFast.Inputs
The strings to assign a hash bucket.
input - Variable in class org.tensorflow.op.strings.ToHashBucketStrong.Inputs
The strings to assign a hash bucket.
input - Variable in class org.tensorflow.op.strings.UnicodeDecode.Inputs
The text to be decoded.
input - Variable in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Inputs
The text to be decoded.
input - Variable in class org.tensorflow.op.strings.UnicodeScript.Inputs
A Tensor of int32 Unicode code points.
input - Variable in class org.tensorflow.op.strings.UnicodeTranscode.Inputs
The text to be processed.
input - Variable in class org.tensorflow.op.strings.Upper.Inputs
The input to be upper-cased.
input - Variable in class org.tensorflow.op.tpu.AllToAll.Inputs
The local input to the sum.
input - Variable in class org.tensorflow.op.tpu.CrossReplicaSum.Inputs
The local input to the sum.
input - Variable in class org.tensorflow.op.tpu.InfeedEnqueue.Inputs
A tensor that will be provided using the infeed mechanism.
input - Variable in class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer.Inputs
A variant tensor representing linearized output.
input - Variable in class org.tensorflow.op.tpu.OutfeedEnqueue.Inputs
A tensor that will be inserted into the outfeed queue.
input - Variable in class org.tensorflow.op.tpu.Prelinearize.Inputs
A tensor that will be linearized.
input - Variable in class org.tensorflow.op.tpu.ReplicatedOutput.Inputs
The input input
input - Variable in class org.tensorflow.op.tpu.SplitDedupData.Inputs
An XLA tuple including integer and float elements as deduplication data tuple.
input - Variable in class org.tensorflow.op.tpu.TPUReplicatedOutput.Inputs
Deprecated.
The input input
input - Variable in class org.tensorflow.op.train.PreventGradient.Inputs
any tensor.
input - Variable in class org.tensorflow.op.train.SdcaFprint.Inputs
vector of strings to compute fingerprints on.
input - Variable in class org.tensorflow.op.train.SymbolicGradient.Inputs
a list of input tensors of size N + M;
input - Variable in class org.tensorflow.op.train.TileGrad.Inputs
The input input
input - Variable in class org.tensorflow.op.xla.SplitND.Inputs
Input tensor to split across all dimensions.
input - Variable in class org.tensorflow.op.xla.XlaSendToHost.Inputs
The input input
input(int) - Method in class org.tensorflow.GraphOperation
Gets the input at the given index
input(String, Operand<?>) - Method in class org.tensorflow.Signature.Builder
Register a tensor as an input of the function.
inputA - Variable in class org.tensorflow.op.core.TensorListConcatLists.Inputs
The inputA input
inputB - Variable in class org.tensorflow.op.core.TensorListConcatLists.Inputs
The inputB input
inputBackprop() - Method in class org.tensorflow.op.nn.CudnnRNNBackprop
Gets inputBackprop.
inputBackprop() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad
Gets inputBackprop.
inputBytes - Variable in class org.tensorflow.op.io.DecodePaddedRaw.Inputs
Tensor of string to be decoded.
inputC - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The inputC input
inputC - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The inputC input
inputCBackprop() - Method in class org.tensorflow.op.nn.CudnnRNNBackprop
Gets inputCBackprop.
inputDataset - Variable in class org.tensorflow.op.core.GetOptions.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.AssertCardinalityDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.AssertNextDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.AssertPrevDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.AutoShardDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.BatchDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.BytesProducedStatsDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.CacheDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ConcatenateDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.DatasetCardinality.Inputs
A variant tensor representing the dataset to return cardinality for.
inputDataset - Variable in class org.tensorflow.op.data.DatasetFingerprint.Inputs
A variant tensor representing the dataset to return fingerprint for.
inputDataset - Variable in class org.tensorflow.op.data.DatasetToGraph.Inputs
A variant tensor representing the dataset to return the graph representation for.
inputDataset - Variable in class org.tensorflow.op.data.DatasetToTfRecord.Inputs
A variant tensor representing the dataset to write.
inputDataset - Variable in class org.tensorflow.op.data.DenseToSparseBatchDataset.Inputs
A handle to an input dataset.
inputDataset - Variable in class org.tensorflow.op.data.experimental.AssertNextDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.AutoShardDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.DatasetCardinality.Inputs
A variant tensor representing the dataset to return cardinality for.
inputDataset - Variable in class org.tensorflow.op.data.experimental.DatasetToTFRecord.Inputs
A variant tensor representing the dataset to write.
inputDataset - Variable in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset.Inputs
A handle to an input dataset.
inputDataset - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.LatencyStatsDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.experimental.MapDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.NonSerializableDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.RebatchDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.SleepDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.SlidingWindowDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.TakeWhileDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.ThreadPoolDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.UnbatchDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.experimental.UniqueDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.FilterByLastComponentDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.FilterDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.FinalizeDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.FlatMapDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.IgnoreErrorsDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.LatencyStatsDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.MaxIntraOpParallelismDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ModelDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.NonSerializableDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.OptimizeDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.OptionsDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
Dataset that produces a stream of arguments for the function f.
inputDataset - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.PrivateThreadPoolDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.RebatchDatasetV2.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.RepeatDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.RewriteDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.SamplingDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.SetStatsAggregatorDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ShardDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.SkipDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.SleepDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.SlidingWindowDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
A variant tensor representing the input dataset.
inputDataset - Variable in class org.tensorflow.op.data.TakeDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.TakeWhileDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.ThreadPoolDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.UnbatchDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.UniqueDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
The inputDataset input
inputDataset - Variable in class org.tensorflow.op.train.ComputeBatchSize.Inputs
The inputDataset input
inputDatasets - Variable in class org.tensorflow.op.data.ChooseFastestDataset.Inputs
The inputDatasets input
inputDatasets - Variable in class org.tensorflow.op.data.experimental.ChooseFastestDataset.Inputs
The inputDatasets input
inputDatasets - Variable in class org.tensorflow.op.data.ZipDataset.Inputs
List of N variant Tensors representing datasets to be zipped together.
inputEncoding - Variable in class org.tensorflow.op.strings.UnicodeDecode.Inputs
Text encoding of the input strings.
inputEncoding - Variable in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Inputs
Text encoding of the input strings.
inputEncoding - Variable in class org.tensorflow.op.strings.UnicodeTranscode.Inputs
Text encoding of the input strings.
inputGrads - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
4-D with shape [batch, height, width, channels].
inputH - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The inputH input
inputH - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The inputH input
inputHandle - Variable in class org.tensorflow.op.core.TensorListConcat.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListElementShape.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListGather.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListGetItem.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListLength.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListPopBack.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListPushBack.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListResize.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListScatterIntoExistingList.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListSetItem.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorListStack.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorMapErase.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorMapHasKey.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorMapInsert.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorMapLookup.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorMapSize.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.core.TensorMapStackKeys.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.data.UnwrapDatasetVariant.Inputs
The inputHandle input
inputHandle - Variable in class org.tensorflow.op.data.WrapDatasetVariant.Inputs
The inputHandle input
inputHandles - Variable in class org.tensorflow.op.core.TensorListPushBackBatch.Inputs
The inputHandles input
inputHBackprop() - Method in class org.tensorflow.op.nn.CudnnRNNBackprop
Gets inputHBackprop.
inputImage - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
4-D with shape [batch, height, width, channels].
inputIndices - Variable in class org.tensorflow.op.sparse.SparseReduceMax.Inputs
2-D.
inputIndices - Variable in class org.tensorflow.op.sparse.SparseReduceMaxSparse.Inputs
2-D.
inputIndices - Variable in class org.tensorflow.op.sparse.SparseReduceSum.Inputs
2-D.
inputIndices - Variable in class org.tensorflow.op.sparse.SparseReduceSumSparse.Inputs
2-D.
inputIndices - Variable in class org.tensorflow.op.sparse.SparseReorder.Inputs
2-D.
inputIndices - Variable in class org.tensorflow.op.sparse.SparseReshape.Inputs
2-D.
inputIndices - Variable in class org.tensorflow.op.sparse.SparseSliceGrad.Inputs
2-D.
inputLayouts - Variable in class org.tensorflow.op.tpu.DTensorRestore.Inputs
The inputLayouts attribute
inputList(int, int) - Method in class org.tensorflow.GraphOperation
Get the input list that starts at idx and has length length
inputListLength(String) - Method in class org.tensorflow.GraphOperation
 
inputListLength(String) - Method in interface org.tensorflow.Operation
Returns the size of the given inputs list of Tensors for this operation.
inputMax - Variable in class org.tensorflow.op.core.QuantizedReshape.Inputs
The maximum value of the input.
inputMax - Variable in class org.tensorflow.op.math.RequantizationRangePerChannel.Inputs
The maximum value of the input tensor.
inputMax - Variable in class org.tensorflow.op.math.RequantizePerChannel.Inputs
The maximum value of the input tensor.
inputMax - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The inputMax input
inputMax - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The inputMax input
inputMax - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
If range_given == True, this specifies the maximum input value that needs to be represented, otherwise it is determined from the max value of the input tensor.
inputMax - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Inputs
The inputMax input
inputMax - Variable in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange.Inputs
The float value that the maximum quantized input value represents.
inputMax - Variable in class org.tensorflow.op.quantization.RequantizationRange.Inputs
The float value that the maximum quantized input value represents.
inputMax - Variable in class org.tensorflow.op.quantization.Requantize.Inputs
The float value that the maximum quantized input value represents.
inputMaxBackprop() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad
Gets inputMaxBackprop.
inputMaxes - Variable in class org.tensorflow.op.quantization.QuantizedConcat.Inputs
The maximum scalar values for each of the input tensors.
inputMin - Variable in class org.tensorflow.op.core.QuantizedReshape.Inputs
The minimum value of the input.
inputMin - Variable in class org.tensorflow.op.math.RequantizationRangePerChannel.Inputs
The minimum value of the input tensor
inputMin - Variable in class org.tensorflow.op.math.RequantizePerChannel.Inputs
The minimum value of the input tensor
inputMin - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The inputMin input
inputMin - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The inputMin input
inputMin - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
If range_given == True, this specifies the minimum input value that needs to be represented, otherwise it is determined from the min value of the input tensor.
inputMin - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Inputs
The inputMin input
inputMin - Variable in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange.Inputs
The float value that the minimum quantized input value represents.
inputMin - Variable in class org.tensorflow.op.quantization.RequantizationRange.Inputs
The float value that the minimum quantized input value represents.
inputMin - Variable in class org.tensorflow.op.quantization.Requantize.Inputs
The float value that the minimum quantized input value represents.
inputMinBackprop() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad
Gets inputMinBackprop.
inputMins - Variable in class org.tensorflow.op.quantization.QuantizedConcat.Inputs
The minimum scalar values for each of the input tensors.
inputMode - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The inputMode attribute
inputMode - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The inputMode attribute
inputMode - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The inputMode attribute
inputMode - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The inputMode attribute
inputMode - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The inputMode attribute
inputMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the inputMode option.
inputMode(String) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the inputMode option.
inputMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the inputMode option.
inputMode(String) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the inputMode option.
inputMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Sets the inputMode option.
inputMode(String) - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Options
Sets the inputMode option.
inputMode(String) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Sets the inputMode option.
inputMode(String) - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize.Options
Sets the inputMode option.
inputMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Sets the inputMode option.
inputMode(String) - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Options
Sets the inputMode option.
inputNames() - Method in class org.tensorflow.Signature
Returns the names of the inputs in this signature
inputOrder - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
String specifying the tensor type for each input.
inputQuantizationAxis - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The quantization axis that was used when quantizing original data that input represents.
inputQuantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformRequantize
Sets the inputQuantizationAxis option.
inputQuantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformRequantize.Options
Sets the inputQuantizationAxis option.
inputQuantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The quantization max value that was used when quantizing original data that input represents.
inputQuantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The quantization min value that was used when quantizing original data that input represents.
inputQuantMode - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
Input data quantization mode.
inputQuantMode - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
Input data quantization mode.
inputQuantMode - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
Input data quantization mode.
inputQuantMode - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The inputQuantMode attribute
inputQuantMode - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The inputQuantMode attribute
inputQuantMode(String) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
Sets the inputQuantMode option.
inputQuantMode(String) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Options
Sets the inputQuantMode option.
inputQuantMode(String) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
Sets the inputQuantMode option.
inputQuantMode(String) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Options
Sets the inputQuantMode option.
inputQuantMode(String) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
Sets the inputQuantMode option.
inputQuantMode(String) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Options
Sets the inputQuantMode option.
inputQuantMode(String) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
Sets the inputQuantMode option.
inputQuantMode(String) - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Options
Sets the inputQuantMode option.
inputQuantMode(String) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
Sets the inputQuantMode option.
inputQuantMode(String) - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Options
Sets the inputQuantMode option.
inputRaggedRank - Variable in class org.tensorflow.op.ragged.RaggedTensorFromVariant.Inputs
The ragged rank of each encoded RaggedTensor component in the input.
inputs - Variable in class org.tensorflow.op.core.Merge.Inputs
The input tensors, exactly one of which will become available.
inputs - Variable in class org.tensorflow.op.core.MlirPassthroughOp.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.core.RefMerge.Inputs
The input tensors, exactly one of which will become available.
inputs - Variable in class org.tensorflow.op.core.RefSelect.Inputs
A list of ref tensors, one of which will be forwarded to output.
inputs - Variable in class org.tensorflow.op.data.SnapshotNestedDatasetReader.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.data.WindowOp.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.linalg.Einsum.Inputs
List of 1 or 2 Tensors.
inputs - Variable in class org.tensorflow.op.math.AccumulateN.Inputs
A list of Tensor objects, each with same shape and type.
inputs - Variable in class org.tensorflow.op.math.AddN.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.nn.CtcBeamSearchDecoder.Inputs
3-D, shape: (max_time x batch_size x num_classes), the logits.
inputs - Variable in class org.tensorflow.op.nn.CtcGreedyDecoder.Inputs
3-D, shape: (max_time x batch_size x num_classes), the logits.
inputs - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
3-D, shape: (max_time x batch_size x num_classes), the logits.
inputs - Variable in class org.tensorflow.op.nn.CTCLossV2.Inputs
3-D, shape: (max_time x batch_size x num_classes), the logits.
inputs - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Inputs
Values passed as inputs to the FakeQuantWithMinMaxArgs operation.
inputs - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Inputs
Values passed as inputs to the FakeQuantWithMinMaxVars operation.
inputs - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Inputs
Values passed as inputs to the FakeQuantWithMinMaxVars operation, shape same as gradients.
inputs - Variable in class org.tensorflow.op.strings.Join.Inputs
A list of string tensors.
inputs - Variable in class org.tensorflow.op.strings.ReduceJoin.Inputs
The input to be joined.
inputs - Variable in class org.tensorflow.op.strings.StringFormat.Inputs
The list of tensors to format into the placeholder string.
inputs - Variable in class org.tensorflow.op.strings.UnsortedSegmentJoin.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.summary.MergeSummary.Inputs
Can be of any shape.
inputs - Variable in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Inputs
A list of tensors that will be provided using the infeed mechanism.
inputs - Variable in class org.tensorflow.op.tpu.OutfeedEnqueueTuple.Inputs
A list of tensors that will be inserted into the outfeed queue as an XLA tuple.
inputs - Variable in class org.tensorflow.op.tpu.PartitionedInput.Inputs
A list of partitioned inputs which must have the same shape.
inputs - Variable in class org.tensorflow.op.tpu.PartitionedOutput.Inputs
A tensor which represents the full shape of partitioned tensors.
inputs - Variable in class org.tensorflow.op.tpu.PrelinearizeTuple.Inputs
A list of tensors that will be provided using the infeed mechanism.
inputs - Variable in class org.tensorflow.op.tpu.ReplicatedInput.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.tpu.SendTPUEmbeddingGradients.Inputs
A TensorList of gradients with which to update embedding tables.
inputs - Variable in class org.tensorflow.op.tpu.TPUReplicatedInput.Inputs
Deprecated.
The inputs input
inputs - Variable in class org.tensorflow.op.xla.AssignVariableConcatND.Inputs
The inputs input
inputs - Variable in class org.tensorflow.op.xla.ConcatND.Inputs
Input tensor slices in row-major order to merge across all dimensions.
inputs - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
A list of tensors that will be sent to the host.
inputs() - Method in class org.tensorflow.GraphOperation
Get the op's inputs, not including control inputs.
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.audio.AudioSpectrogram.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.audio.DecodeWav.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.audio.EncodeWav.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.audio.Mfcc.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.bitwise.BitwiseAnd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.bitwise.BitwiseOr.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.bitwise.BitwiseXor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.bitwise.Invert.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.bitwise.LeftShift.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.bitwise.RightShift.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.cluster.KMC2ChainInitialization.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.cluster.KmeansPlusPlusInitialization.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveAllToAll.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveAssignGroup.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveGather.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectivePermute.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveReduce.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Abort.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.All.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AnonymousHashTable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AnonymousMutableHashTable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Any.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ApproxTopK.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AssertThat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Assign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AssignAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AssignAddVariableOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AssignSub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AssignSubVariableOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.AssignVariableOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Barrier.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BarrierClose.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BarrierIncompleteSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BarrierInsertMany.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BarrierReadySize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BarrierTakeMany.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Batch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BatchFunction.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BatchToSpace.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BatchToSpaceNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Bitcast.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BroadcastDynamicShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BroadcastGradientArgs.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.BroadcastTo.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Bucketize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ClipByValue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.CompositeTensorVariantFromComponents.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.CompositeTensorVariantToComponents.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Concat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ConcatOffset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ConsumeMutexLock.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ControlTrigger.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Copy.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.CopyHost.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.CopyToMesh.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.CopyToMeshGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.CountUpTo.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DecodeProto.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DeepCopy.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DeleteSessionTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DestroyResourceOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DestroyTemporaryVariable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DeviceIndex.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DummyMemoryCache.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DynamicPartition.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.DynamicStitch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.EditDistance.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Empty.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.EmptyTensorList.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.EmptyTensorMap.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.EncodeProto.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.EnsureShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Enter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Exit.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ExpandDims.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ExtractVolumePatches.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.FakeParam.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.FileSystemSetConfiguration.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Fill.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Fingerprint.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.For.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Gather.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.GatherNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.GetElementAtIndex.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.GetOptions.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.GetSessionHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.GetSessionTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.GuaranteeConst.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.HashTable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.HistogramFixedWidth.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.HostConst.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Identity.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.IdentityN.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ImmutableConst.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.InitializeTable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.InplaceAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.InplaceSub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.InplaceUpdate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.IsVariableInitialized.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.KthOrderStatistic.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LinSpace.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LookupTableExport.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LookupTableFind.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LookupTableImport.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LookupTableInsert.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LookupTableRemove.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LookupTableSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LoopCond.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.LowerBound.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MakeUnique.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapClear.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapDefun.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapIncompleteSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapPeek.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapStage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapUnstage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MapUnstageNoKey.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Max.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Merge.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Min.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MirrorPad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MirrorPadGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MlirPassthroughOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MutableDenseHashTable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MutableHashTable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MutableHashTableOfTensors.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Mutex.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.MutexLock.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.NcclAllReduce.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.NcclBroadcast.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.NcclReduce.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.NextIteration.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.NoOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OneHot.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OnesLike.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OrderedMapClear.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OrderedMapIncompleteSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OrderedMapPeek.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OrderedMapSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OrderedMapStage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OrderedMapUnstage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.OrderedMapUnstageNoKey.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Pad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ParallelConcat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ParallelDynamicStitch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.PartitionedCall.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Placeholder.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.PlaceholderWithDefault.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Print.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Prod.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.QuantizedReshape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RandomIndexShuffle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Range.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Rank.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReadVariableOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Recv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReduceAll.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReduceAny.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReduceMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReduceMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReduceProd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReduceSum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RefEnter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RefExit.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RefIdentity.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RefMerge.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RefNextIteration.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RefSelect.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RefSwitch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Relayout.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RelayoutLike.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.RemoteCall.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Reshape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceCountUpTo.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceGather.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceGatherNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterDiv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdSub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdUpdate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterSub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceScatterUpdate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Reverse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ReverseSequence.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Roll.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterDiv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterNdAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterNdMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterNdMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterNdNonAliasingAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterNdSub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterNdUpdate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterSub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ScatterUpdate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Select.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Send.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.SetDiff1d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.SetSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Shape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ShapeN.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Size.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Skipgram.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Slice.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Snapshot.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.SpaceToBatchNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Split.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.SplitV.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Squeeze.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Stack.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StackClose.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StackCreate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StackPop.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StackPush.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Stage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StageClear.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StagePeek.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StageSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StatefulCase.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StatefulIf.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StatefulPartitionedCall.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StatefulWhile.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StatelessCase.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StatelessIf.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StatelessWhile.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StochasticCastToInt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StopGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StridedSlice.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StridedSliceAssign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.StridedSliceGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Sum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.SwitchCond.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.SyncDevice.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TemporaryVariable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArray.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayClose.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayConcat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayGather.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayGradWithShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayPack.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayRead.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayScatter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArraySize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArraySplit.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayUnpack.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorArrayWrite.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListConcat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListConcatLists.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListElementShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListFromTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListGather.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListGetItem.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListLength.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListPopBack.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListPushBack.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListPushBackBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListReserve.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListResize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListScatter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListScatterIntoExistingList.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListSetItem.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListSplit.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorListStack.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorMapErase.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorMapHasKey.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorMapInsert.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorMapLookup.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorMapSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorMapStackKeys.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorScatterNdAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorScatterNdMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorScatterNdMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorScatterNdSub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorScatterNdUpdate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Tile.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Timestamp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TopKUnique.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.TopKWithUnique.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Unbatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.UnbatchGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Unique.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.UniqueWithCounts.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.UnravelIndex.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Unstack.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Unstage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.UpperBound.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.VarHandleOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Variable.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.VariableShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.VarIsInitializedOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.Where.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.core.ZerosLike.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.AnonymousIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.AnonymousMemoryCache.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.AnonymousMultiDeviceIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.AssertCardinalityDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.AssertNextDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.AssertPrevDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.AutoShardDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.BatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.BytesProducedStatsDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.CacheDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ChooseFastestDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.CompressElement.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ConcatenateDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.CSVDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DataServiceDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DatasetCardinality.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DatasetFingerprint.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DatasetFromGraph.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DatasetToGraph.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DatasetToSingleElement.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DatasetToTfRecord.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DeleteIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DeleteMemoryCache.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DeleteMultiDeviceIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DenseToSparseBatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DeserializeIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DirectedInterleaveDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.DummyIterationCounter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.AssertNextDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.AutoShardDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.BytesProducedStatsDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.ChooseFastestDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.CSVDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.DatasetCardinality.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.DatasetToTFRecord.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.DirectedInterleaveDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.IgnoreErrorsDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.IteratorGetDevice.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.LatencyStatsDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.LmdbDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.MapDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.MatchingFilesDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.NonSerializableDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.RandomDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.RebatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.ScanDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.SleepDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.SlidingWindowDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.SqlDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.StatsAggregatorHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.StatsAggregatorSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.TakeWhileDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.ThreadPoolDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.ThreadPoolHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.UnbatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.experimental.UniqueDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.FilterByLastComponentDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.FilterDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.FinalizeDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.FlatMapDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.GeneratorDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.GroupByReducerDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.GroupByWindowDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.IgnoreErrorsDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.InitializeTableFromDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.InterleaveDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.Iterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.IteratorFromStringHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.IteratorGetDevice.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.IteratorGetNext.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.IteratorGetNextAsOptional.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.IteratorGetNextSync.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.IteratorToStringHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.LatencyStatsDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.LeakyReluGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ListDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ListSnapshotChunksDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.LMDBDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.LoadDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MakeIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MapAndBatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MapDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MatchingFilesDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MaxIntraOpParallelismDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ModelDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MultiDeviceIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorInit.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorToStringHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.NonSerializableDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.OneShotIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.OptimizeDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.OptionalFromValue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.OptionalGetValue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.OptionalHasValue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.OptionalNone.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.OptionsDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.PaddedBatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ParallelBatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ParallelFilterDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ParallelMapDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ParseExampleDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.PrefetchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.PrivateThreadPoolDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.RandomDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.RangeDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.RebatchDatasetV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ReduceDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.RegisterDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.RepeatDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.RewriteDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SamplingDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SaveDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ScanDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SerializeIterator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SetStatsAggregatorDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ShardDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ShuffleDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SkipDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SleepDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SlidingWindowDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SnapshotChunkDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SnapshotDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SnapshotDatasetReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SnapshotNestedDatasetReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SparseTensorSliceDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.SqlDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.StatsAggregatorHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.StatsAggregatorSetSummaryWriter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.TakeDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.TakeWhileDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.TensorDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.TensorSliceDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.TextLineDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.TfRecordDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ThreadPoolDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ThreadPoolHandle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.UnbatchDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.UncompressElement.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.UniqueDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.UnwrapDatasetVariant.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.WindowDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.WindowOp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.WrapDatasetVariant.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.data.ZipDataset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.debugging.CheckNumerics.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.debugging.DebugGradientIdentity.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.debugging.DebugGradientRefIdentity.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.debugging.DebugIdentity.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.debugging.DebugNanCount.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.debugging.DebugNumericsSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.distribute.NcclAllReduce.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.distribute.NcclBroadcast.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.distribute.NcclReduce.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.dtypes.AsString.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.dtypes.Cast.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.dtypes.Complex.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.dtypes.ToBool.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.AdjustContrast.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.AdjustHue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.AdjustSaturation.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.CropAndResize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.CropAndResizeGradBoxes.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.CropAndResizeGradImage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.DecodeBmp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.DecodeGif.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.DecodeImage.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.DecodeJpeg.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.DecodePng.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.DrawBoundingBoxes.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.EncodeJpeg.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.EncodeJpegVariableQuality.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.EncodePng.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ExtractGlimpse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ExtractImagePatches.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ExtractJpegShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.HsvToRgb.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ImageProjectiveTransformV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.NearestNeighbors.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.NonMaxSuppression.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.RandomCrop.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ResizeArea.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ResizeBicubic.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ResizeBicubicGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ResizeBilinear.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ResizeBilinearGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ResizeNearestNeighbor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ResizeNearestNeighborGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.RgbToHsv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ScaleAndTranslate.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DecodeBase64.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DecodeCompressed.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DecodeCsv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DecodeJsonExample.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DecodePaddedRaw.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DecodeRaw.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DeserializeManySparse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.DisableCopyOnRead.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.EncodeBase64.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.FakeQueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.FifoQueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.IdentityReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.LmdbReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.MatchingFiles.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.PaddingFifoQueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ParseExample.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ParseSequenceExample.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ParseSingleExample.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ParseTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.PriorityQueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueClose.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueDequeue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueDequeueMany.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueDequeueUpTo.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueEnqueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueEnqueueMany.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueIsClosed.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.QueueSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.RandomShuffleQueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReaderNumRecordsProduced.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReaderNumWorkUnitsCompleted.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReaderRead.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReaderReadUpTo.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReaderReset.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReaderRestoreState.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReaderSerializeState.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ReadFile.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.SerializeManySparse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.SerializeSparse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.SerializeTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ShardedFilename.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.ShardedFilespec.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.TextLineReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.TfRecordReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.WholeFileReader.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.io.WriteFile.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BandedTriangularSolve.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BandPart.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchCholesky.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchCholeskyGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixBandPart.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixDeterminant.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixDiag.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixDiagPart.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixInverse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixSetDiag.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixSolve.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixSolveLs.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchSelfAdjointEig.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.BatchSvd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Cholesky.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.CholeskyGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.ConjugateTranspose.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Cross.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Det.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Eig.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Einsum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.EuclideanNorm.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Inv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.LogMatrixDeterminant.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Lu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixDiag.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixDiagPart.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixDiagPartV3.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixExponential.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixLogarithm.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixSetDiag.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.MatrixSolveLs.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Qr.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.SelfAdjointEig.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Solve.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixNNZ.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixOrderingAMD.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixZeros.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Sqrtm.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Svd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.TensorDiag.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.TensorDiagPart.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.Transpose.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.TriangularSolve.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.TridiagonalMatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.linalg.TridiagonalSolve.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Abs.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.AccumulateN.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Acos.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Acosh.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Add.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.AddN.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Angle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.ApproximateEqual.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.ArgMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.ArgMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Asin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Asinh.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Atan.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Atan2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Atanh.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.BesselI0.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.BesselI0e.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.BesselI1.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.BesselI1e.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Betainc.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Bincount.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Ceil.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.ComplexAbs.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Conj.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Cos.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Cosh.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Cumprod.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Cumsum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.CumulativeLogsumexp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.DenseBincount.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Digamma.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Div.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.DivNoNan.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Equal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Erf.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Erfc.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.erfinv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Exp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Expm1.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Fact.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Floor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.FloorDiv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.FloorMod.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Greater.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.GreaterEqual.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Igamma.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Igammac.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.IgammaGradA.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Imag.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.InvertPermutation.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.IsFinite.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.IsInf.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.IsNan.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Less.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.LessEqual.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Lgamma.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Log.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Log1p.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.LogicalAnd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.LogicalNot.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.LogicalOr.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Maximum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Mean.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Minimum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Mod.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Mul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.MulNoNan.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Ndtri.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Neg.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.NextAfter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.NotEqual.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Polygamma.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.PopulationCount.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Pow.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.QuantizedAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.QuantizedMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Real.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.RealDiv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Reciprocal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.ReciprocalGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.RequantizationRangePerChannel.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.RequantizePerChannel.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Rint.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Round.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Rsqrt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.RsqrtGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SegmentMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SegmentMean.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SegmentMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SegmentProd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SegmentSum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Sigmoid.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SigmoidGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Sign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Sin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Sinh.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SobolSample.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Softplus.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SoftplusGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselJ0.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselJ1.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselK0.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselK0e.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselK1.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselK1e.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselY0.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.BesselY1.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.Dawsn.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.Expint.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.FresnelCos.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.FresnelSin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.special.Spence.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Sqrt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SqrtGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Square.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.SquaredDifference.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Sub.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Tan.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Tanh.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.TanhGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.TruncateDiv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.TruncateMod.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentMin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentProd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentSum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Xdivy.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Xlog1py.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Xlogy.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.math.Zeta.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.AvgPool.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.AvgPool3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.AvgPoolGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.BiasAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.BiasAddGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.BlockLSTM.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.ComputeAccidentalHits.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CtcBeamSearchDecoder.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CtcGreedyDecoder.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CtcLoss.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CTCLossV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CudnnRNN.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.DataFormatDimMap.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.DataFormatVecPermute.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.DepthToSpace.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Dilation2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Elu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.EluGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FractionalAvgPool.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FractionalAvgPoolGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FractionalMaxPool.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FusedBatchNorm.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FusedPadConv2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.GRUBlockCell.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.InTopK.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.InvGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.IsotonicRegression.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.L2Loss.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.LeakyRelu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.LocalResponseNormalization.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.LogSoftmax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.LSTMBlockCell.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPool.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPool3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPoolGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.NthElement.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedRelu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedRelu6.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.QuantizedReluX.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Relu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Relu6.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Relu6Grad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.ReluGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Selu.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.SeluGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Softmax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.Softsign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.SoftsignGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.SpaceToBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.SpaceToDepth.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.TopK.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.Dequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.Quantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizedConcat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.RequantizationRange.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.Requantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.UniformDequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.UniformQuantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.quantization.UniformRequantize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedBincount.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedCross.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedFillEmptyRows.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedGather.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedRange.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorFromVariant.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToSparse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToVariant.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToVariantGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.AllCandidateSampler.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.AnonymousRandomSeedGenerator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.AnonymousSeedGenerator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.DeleteRandomSeedGenerator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.DeleteSeedGenerator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.DummySeedGenerator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.experimental.StatelessShuffle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.Multinomial.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.NonDeterministicInts.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RandomGamma.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RandomGammaGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RandomPoisson.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RandomShuffle.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RandomStandardNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RandomUniform.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RandomUniformInt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RecordInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RngReadAndSkip.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.RngSkip.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatefulStandardNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatefulTruncatedNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatefulUniform.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatefulUniformFullInt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatefulUniformInt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessMultinomial.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomGamma.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomGetAlg.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomGetKeyCounter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomNormalV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniform.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformFullInt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformFullIntV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessTruncatedNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.StatelessTruncatedNormalV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.TruncatedNormal.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.random.UniformCandidateSampler.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.BatchFft.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.BatchFft2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.BatchFft3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.BatchIfft.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.BatchIfft2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.BatchIfft3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Fft.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Fft2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Fft3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.FftNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Ifft.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Ifft2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Ifft3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.IfftNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Irfft.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Irfft2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Irfft3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.IrfftNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Rfft.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Rfft2d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.Rfft3d.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.signal.RfftNd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.AddSparseToTensorsMap.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.DenseToDenseSetOperation.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.DeserializeSparse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseAddGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseBincount.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseConcat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseConditionalAccumulator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseCross.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseDenseCwiseAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseDenseCwiseDiv.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseDenseCwiseMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseFillEmptyRows.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseMatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseReduceMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseReduceMaxSparse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseReduceSum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseReduceSumSparse.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseReorder.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseReshape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSlice.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSliceGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSoftmax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseSplit.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseTensorDenseAdd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseToDense.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.Join.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.Lower.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.ReduceJoin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.RegexFullMatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.RegexReplace.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.StaticRegexFullMatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.StaticRegexReplace.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.StringFormat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.StringLength.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.StringNGrams.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.StringSplit.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.Strip.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.Substr.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.ToHashBucket.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.ToHashBucketFast.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.ToHashBucketStrong.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.ToNumber.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.UnicodeDecode.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.UnicodeEncode.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.UnicodeScript.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.UnicodeTranscode.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.UnsortedSegmentJoin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.strings.Upper.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.AudioSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.CloseSummaryWriter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.CreateSummaryDbWriter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.CreateSummaryFileWriter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.FlushSummaryWriter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.HistogramSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.ImageSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.ImportEvent.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.MergeSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.ScalarSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.StatsAggregatorSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.SummaryWriter.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.TensorSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.WriteAudioSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.WriteGraphSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.WriteHistogramSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.WriteImageSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.WriteRawProtoSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.WriteScalarSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.summary.WriteSummary.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.AllToAll.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.CollateTPUEmbeddingMemory.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.CompilationResult.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.Compile.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.CompileSucceededAssert.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ComputeDedupDataSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ComputeDedupDataTupleMask.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ConfigureDistributedTPU.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ConfigureTPUEmbedding.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ConfigureTPUEmbeddingMemory.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ConnectTPUEmbeddingHosts.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ConvertToCooTensor.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.CrossReplicaSum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.DTensorRestore.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.EmbeddingActivations.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.Execute.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ExecuteAndUpdateVariables.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ExecuteTPUEmbeddingPartitioner.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.FinalizeTPUEmbedding.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.GlobalIterId.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.InfeedDequeue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.InfeedDequeueTuple.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.InfeedEnqueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.InfeedEnqueueTuple.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.MergeDedupData.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.OrdinalSelector.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeueTuple.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeueTupleV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeueV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.OutfeedEnqueue.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.OutfeedEnqueueTuple.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.PartitionedCall.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.PartitionedInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.PartitionedOutput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.Prelinearize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.PrelinearizeTuple.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RecvTPUEmbeddingActivations.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ReplicatedInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ReplicatedOutput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.SendTPUEmbeddingGradients.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ShutdownDistributedTPU.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.ShutdownTPUSystem.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.SplitDedupData.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUCompilationResult.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUCopyWithDynamicShape.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUEmbeddingActivations.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TpuHandleToProtoKey.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUReplicatedInput.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUReplicatedOutput.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPUReshardVariables.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.TPURoundRobin.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.tpu.WorkerHeartbeat.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.AccumulatorApplyGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.AccumulatorNumAccumulated.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.AccumulatorSetGlobalStep.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.AccumulatorTakeGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyAdadelta.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyAdagradDa.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyAdagradV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyAdam.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyAdaMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyAddSign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyFtrl.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyGradientDescent.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyMomentum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyPowerSign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ApplyRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.BatchMatMul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ComputeBatchSize.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ConditionalAccumulator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.DistributedSave.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.GenerateVocabRemapping.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.MergeV2Checkpoints.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.NegTrain.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.PreventGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorApplyGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorNumAccumulated.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorSetGlobalStep.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorTakeGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdam.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyGradientDescent.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceConditionalAccumulator.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.Restore.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.RestoreSlice.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.Save.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SaveSlices.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SdcaFprint.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SdcaOptimizer.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SdcaShrinkL1.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyFtrl.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyMomentum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.SymbolicGradient.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.train.TileGrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.AssignVariableConcatND.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.ConcatND.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.ReadVariableSplitND.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.SplitND.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaHostCompute.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaRecvFromHost.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaRecvTPUEmbeddingDeduplicationData.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSendToHost.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreAdagrad.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreSgd.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
 
Inputs(GraphOperation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
 
inputScales - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The float value(s) used as scale(s) when quantizing original data that input represents.
inputsClass() - Element in annotation type org.tensorflow.op.annotation.OpMetadata
The typesafe inputs class (which should be annotated with OpInputsMetadata).
inputShape - Variable in class org.tensorflow.op.sparse.SparseReduceMax.Inputs
1-D.
inputShape - Variable in class org.tensorflow.op.sparse.SparseReduceMaxSparse.Inputs
1-D.
inputShape - Variable in class org.tensorflow.op.sparse.SparseReduceSum.Inputs
1-D.
inputShape - Variable in class org.tensorflow.op.sparse.SparseReduceSumSparse.Inputs
1-D.
inputShape - Variable in class org.tensorflow.op.sparse.SparseReorder.Inputs
1-D.
inputShape - Variable in class org.tensorflow.op.sparse.SparseReshape.Inputs
1-D.
inputShapes - Variable in class org.tensorflow.op.tpu.DTensorRestore.Inputs
The inputShapes attribute
inputSize - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The inputSize input
inputSize - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The inputSize input
inputSize - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The inputSize input
inputSize - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The inputSize attribute
inputSize - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The inputSize attribute
inputSizes - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
An integer vector representing the shape of input, where input is a 4-D [batch, height, width, channels] tensor.
inputSizes - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
An integer vector representing the tensor shape of input, where input is a 5-D [batch, depth, rows, cols, in_channels] tensor.
inputSizes - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
An integer vector representing the shape of input, based on data_format.
inputSplits - Variable in class org.tensorflow.op.strings.UnicodeEncode.Inputs
A 1D tensor specifying how the unicode codepoints should be split into strings.
inputStart - Variable in class org.tensorflow.op.sparse.SparseSliceGrad.Inputs
1-D.
inputTypes - Variable in class org.tensorflow.op.data.CompressElement.Inputs
The inputTypes attribute
inputValues - Variable in class org.tensorflow.op.sparse.SparseReduceMax.Inputs
1-D.
inputValues - Variable in class org.tensorflow.op.sparse.SparseReduceMaxSparse.Inputs
1-D.
inputValues - Variable in class org.tensorflow.op.sparse.SparseReduceSum.Inputs
1-D.
inputValues - Variable in class org.tensorflow.op.sparse.SparseReduceSumSparse.Inputs
1-D.
inputValues - Variable in class org.tensorflow.op.sparse.SparseReorder.Inputs
1-D.
inputValues - Variable in class org.tensorflow.op.strings.UnicodeEncode.Inputs
A 1D tensor containing the unicode codepoints that should be encoded.
inputZeroPoints - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The int32 value(s) used as zero_point(s) when quantizing original data that input represents.
instanceKey - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The instanceKey input
instanceKey - Variable in class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
The instanceKey input
instanceKey - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The instanceKey input
instanceKey - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The instanceKey input
integerTensor - Variable in class org.tensorflow.op.tpu.MergeDedupData.Inputs
A 1-D integer tensor, includes integer elements of deduplication data tuple.
integerTensor() - Method in class org.tensorflow.op.tpu.SplitDedupData
Gets integerTensor.
integerType - Variable in class org.tensorflow.op.tpu.MergeDedupData.Inputs
integer_tensor type.
integerType - Variable in class org.tensorflow.op.tpu.SplitDedupData.Inputs
integer_tensor type.
inTensors - Variable in class org.tensorflow.op.core.Batch.Inputs
The inTensors input
inTensors - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
The tensors to be batched.
interleaveDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, InterleaveDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that applies f to the outputs of input_dataset.
InterleaveDataset - Class in org.tensorflow.op.data
Creates a dataset that applies f to the outputs of input_dataset.
InterleaveDataset(Operation) - Constructor for class org.tensorflow.op.data.InterleaveDataset
 
InterleaveDataset.Inputs - Class in org.tensorflow.op.data
 
InterleaveDataset.Options - Class in org.tensorflow.op.data
Optional attributes for InterleaveDataset
interpolation - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV2.Inputs
Interpolation method, "NEAREST" or "BILINEAR".
interpolation - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
Interpolation method, "NEAREST" or "BILINEAR".
inTopK(Operand<TFloat32>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Says whether the targets are in the top K predictions.
InTopK - Class in org.tensorflow.op.nn
Says whether the targets are in the top K predictions.
InTopK(Operation) - Constructor for class org.tensorflow.op.nn.InTopK
 
InTopK.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
inv(Operand<T>, Inv.Options...) - Method in class org.tensorflow.op.LinalgOps
Computes the inverse of one or more square invertible matrices or their adjoints (conjugate transposes).
Inv<T extends TType> - Class in org.tensorflow.op.linalg
Computes the inverse of one or more square invertible matrices or their adjoints (conjugate transposes).
Inv(Operation) - Constructor for class org.tensorflow.op.linalg.Inv
 
Inv.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
Inv.Options - Class in org.tensorflow.op.linalg
Optional attributes for Inv
invert(Operand<T>) - Method in class org.tensorflow.op.BitwiseOps
Invert (flip) each bit of supported types; for example, type uint8 value 01010101 becomes 10101010.
Invert<T extends TNumber> - Class in org.tensorflow.op.bitwise
Invert (flip) each bit of supported types; for example, type uint8 value 01010101 becomes 10101010.
Invert(Operation) - Constructor for class org.tensorflow.op.bitwise.Invert
 
Invert.Inputs<T extends TNumber> - Class in org.tensorflow.op.bitwise
 
invertPermutation(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the inverse permutation of a tensor.
InvertPermutation<T extends TNumber> - Class in org.tensorflow.op.math
Computes the inverse permutation of a tensor.
InvertPermutation(Operation) - Constructor for class org.tensorflow.op.math.InvertPermutation
 
InvertPermutation.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
invGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes the gradient for the inverse of x wrt its input.
InvGrad<T extends TType> - Class in org.tensorflow.op.nn
Computes the gradient for the inverse of x wrt its input.
InvGrad(Operation) - Constructor for class org.tensorflow.op.nn.InvGrad
 
InvGrad.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
io - Variable in class org.tensorflow.op.Ops
 
ioIndex - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
The index of which the tensor is an input or output of the node.
ioIndex(Long) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the ioIndex option.
ioIndex(Long) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the ioIndex option.
ioOfNode - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
Name of the node of which the tensor is an input or output.
ioOfNode(String) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the ioOfNode option.
ioOfNode(String) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the ioOfNode option.
IoOps - Class in org.tensorflow.op
An API for building io operations as Ops
iouThreshold - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
A 0-D float tensor representing the threshold for deciding whether boxes overlap too much with respect to IOU.
iouThreshold - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
A 0-D float tensor representing the threshold for deciding whether boxes overlap too much with respect to IOU.
irfft(Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.SignalOps
Inverse real-valued fast Fourier transform.
irfft(Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
Inverse real-valued fast Fourier transform.
Irfft<U extends TNumber> - Class in org.tensorflow.op.signal
Inverse real-valued fast Fourier transform.
Irfft(Operation) - Constructor for class org.tensorflow.op.signal.Irfft
 
Irfft.Inputs - Class in org.tensorflow.op.signal
 
irfft2d(Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.SignalOps
Inverse 2D real-valued fast Fourier transform.
irfft2d(Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
Inverse 2D real-valued fast Fourier transform.
Irfft2d<U extends TNumber> - Class in org.tensorflow.op.signal
Inverse 2D real-valued fast Fourier transform.
Irfft2d(Operation) - Constructor for class org.tensorflow.op.signal.Irfft2d
 
Irfft2d.Inputs - Class in org.tensorflow.op.signal
 
irfft3d(Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.SignalOps
Inverse 3D real-valued fast Fourier transform.
irfft3d(Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
Inverse 3D real-valued fast Fourier transform.
Irfft3d<U extends TNumber> - Class in org.tensorflow.op.signal
Inverse 3D real-valued fast Fourier transform.
Irfft3d(Operation) - Constructor for class org.tensorflow.op.signal.Irfft3d
 
Irfft3d.Inputs - Class in org.tensorflow.op.signal
 
irfftNd(Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.SignalOps
ND inverse real fast Fourier transform.
irfftNd(Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
ND inverse real fast Fourier transform.
IrfftNd<U extends TNumber> - Class in org.tensorflow.op.signal
ND inverse real fast Fourier transform.
IrfftNd(Operation) - Constructor for class org.tensorflow.op.signal.IrfftNd
 
IrfftNd.Inputs - Class in org.tensorflow.op.signal
 
isClosed() - Method in class org.tensorflow.op.io.QueueIsClosed
Gets isClosed.
isClosed() - Method in class org.tensorflow.Output
Returns whether the underlying operation has no valid handle.
isConstant - Variable in class org.tensorflow.op.core.Enter.Inputs
If true, the output is constant within the child frame.
isConstant - Variable in class org.tensorflow.op.core.RefEnter.Inputs
If true, the output is constant within the child frame.
isConstant(Boolean) - Static method in class org.tensorflow.op.core.Enter
Sets the isConstant option.
isConstant(Boolean) - Method in class org.tensorflow.op.core.Enter.Options
Sets the isConstant option.
isConstant(Boolean) - Static method in class org.tensorflow.op.core.RefEnter
Sets the isConstant option.
isConstant(Boolean) - Method in class org.tensorflow.op.core.RefEnter.Options
Sets the isConstant option.
isEager() - Method in interface org.tensorflow.ExecutionEnvironment
 
isEmpty() - Method in class org.tensorflow.Session.Runner
True if there are no targets or fetches.
isFiles - Variable in class org.tensorflow.op.data.TensorSliceDataset.Inputs
The isFiles attribute
isFiles(Boolean) - Static method in class org.tensorflow.op.data.TensorSliceDataset
Sets the isFiles option.
isFiles(Boolean) - Method in class org.tensorflow.op.data.TensorSliceDataset.Options
Sets the isFiles option.
isFinite(Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Returns which elements of x are finite.
IsFinite - Class in org.tensorflow.op.math
Returns which elements of x are finite.
IsFinite(Operation) - Constructor for class org.tensorflow.op.math.IsFinite
 
IsFinite.Inputs - Class in org.tensorflow.op.math
 
isGlobalInit - Variable in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Inputs
Reserved.
isGlobalInit(Boolean) - Static method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Sets the isGlobalInit option.
isGlobalInit(Boolean) - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Options
Sets the isGlobalInit option.
isGraph() - Method in interface org.tensorflow.ExecutionEnvironment
 
isInf(Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Returns which elements of x are Inf.
IsInf - Class in org.tensorflow.op.math
Returns which elements of x are Inf.
IsInf(Operation) - Constructor for class org.tensorflow.op.math.IsInf
 
IsInf.Inputs - Class in org.tensorflow.op.math
 
isInit() - Method in class org.tensorflow.op.NativeScope
 
isInit() - Method in class org.tensorflow.op.OpScope
 
isInit() - Method in interface org.tensorflow.op.Scope
Get whether this scope is building init ops.
isInitialized() - Method in class org.tensorflow.op.core.IsVariableInitialized
Gets isInitialized.
isInitialized() - Method in class org.tensorflow.op.core.VarIsInitializedOp
Gets isInitialized.
isInitializer(Operation) - Method in class org.tensorflow.EagerSession
Noop, initialization is meaningless for eager sessions
isInitializer(Operation) - Method in interface org.tensorflow.ExecutionEnvironment
Get whether an op is an initialization op.
isInitializer(Operation) - Method in class org.tensorflow.Graph
 
isInput - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
If true, the tensor is an input of the node; otherwise the output.
isInput(Boolean) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the isInput option.
isInput(Boolean) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the isInput option.
isList - Variable in class org.tensorflow.op.AttributeMetadata
Whether this attribute is a list.
isMaxK - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
When true, computes max-k; otherwise computes min-k.
isMaxK(Boolean) - Static method in class org.tensorflow.op.core.ApproxTopK
Sets the isMaxK option.
isMaxK(Boolean) - Method in class org.tensorflow.op.core.ApproxTopK.Options
Sets the isMaxK option.
isMirroredVariable - Variable in class org.tensorflow.op.tpu.ReplicatedInput.Inputs
The isMirroredVariable attribute
isMirroredVariable - Variable in class org.tensorflow.op.tpu.TPUReplicatedInput.Inputs
Deprecated.
The isMirroredVariable attribute
isMirroredVariable(Boolean) - Static method in class org.tensorflow.op.tpu.ReplicatedInput
Sets the isMirroredVariable option.
isMirroredVariable(Boolean) - Method in class org.tensorflow.op.tpu.ReplicatedInput.Options
Sets the isMirroredVariable option.
isMirroredVariable(Boolean) - Static method in class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
Sets the isMirroredVariable option.
isMirroredVariable(Boolean) - Method in class org.tensorflow.op.tpu.TPUReplicatedInput.Options
Deprecated.
Sets the isMirroredVariable option.
isNan(Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Returns which elements of x are NaN.
IsNan - Class in org.tensorflow.op.math
Returns which elements of x are NaN.
IsNan(Operation) - Constructor for class org.tensorflow.op.math.IsNan
 
IsNan.Inputs - Class in org.tensorflow.op.math
 
isOpEnabled(String) - Method in class org.tensorflow.EagerSession
 
isOpEnabled(String) - Method in interface org.tensorflow.ExecutionEnvironment
Returns true if the given operation is valid in this execution environment.
isOpStateful(String) - Static method in class org.tensorflow.TensorFlow
 
isotonicRegression(Operand<? extends TNumber>) - Method in class org.tensorflow.op.NnOps
Solves a batch of isotonic regression problems.
isotonicRegression(Operand<? extends TNumber>, Class<U>) - Method in class org.tensorflow.op.NnOps
Solves a batch of isotonic regression problems.
IsotonicRegression<U extends TNumber> - Class in org.tensorflow.op.nn
Solves a batch of isotonic regression problems.
IsotonicRegression(Operation) - Constructor for class org.tensorflow.op.nn.IsotonicRegression
 
IsotonicRegression.Inputs - Class in org.tensorflow.op.nn
 
isPacked - Variable in class org.tensorflow.op.tpu.PartitionedInput.Inputs
Indicates whether the input is a packed resource.
isPacked - Variable in class org.tensorflow.op.tpu.ReplicatedInput.Inputs
The isPacked attribute
isPacked - Variable in class org.tensorflow.op.tpu.TPUReplicatedInput.Inputs
Deprecated.
The isPacked attribute
isPacked(Boolean) - Static method in class org.tensorflow.op.tpu.PartitionedInput
Sets the isPacked option.
isPacked(Boolean) - Method in class org.tensorflow.op.tpu.PartitionedInput.Options
Sets the isPacked option.
isPacked(Boolean) - Static method in class org.tensorflow.op.tpu.ReplicatedInput
Sets the isPacked option.
isPacked(Boolean) - Method in class org.tensorflow.op.tpu.ReplicatedInput.Options
Sets the isPacked option.
isPacked(Boolean) - Static method in class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
Sets the isPacked option.
isPacked(Boolean) - Method in class org.tensorflow.op.tpu.TPUReplicatedInput.Options
Deprecated.
Sets the isPacked option.
isSparse() - Method in interface org.tensorflow.Tensor
Check if this tensor is sparse or not.
isStateful() - Method in class org.tensorflow.ConcreteFunction
Get whether the function is stateful.
isStateless - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The isStateless attribute
isStateless - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The isStateless attribute
isStateless(Boolean) - Static method in class org.tensorflow.op.collective.CollectiveGather
Sets the isStateless option.
isStateless(Boolean) - Method in class org.tensorflow.op.collective.CollectiveGather.Options
Sets the isStateless option.
isStateless(Boolean) - Static method in class org.tensorflow.op.collective.CollectiveReduceScatter
Sets the isStateless option.
isStateless(Boolean) - Method in class org.tensorflow.op.collective.CollectiveReduceScatter.Options
Sets the isStateless option.
isTpuEmbeddingInitialized() - Method in class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized
Gets isTpuEmbeddingInitialized.
isTPUEmbeddingInitialized(IsTPUEmbeddingInitialized.Options...) - Method in class org.tensorflow.op.TpuOps
Whether TPU Embedding is initialized in a distributed TPU system.
IsTPUEmbeddingInitialized - Class in org.tensorflow.op.tpu
Whether TPU Embedding is initialized in a distributed TPU system.
IsTPUEmbeddingInitialized(Operation) - Constructor for class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized
 
IsTPUEmbeddingInitialized.Inputs - Class in org.tensorflow.op.tpu
 
IsTPUEmbeddingInitialized.Options - Class in org.tensorflow.op.tpu
Optional attributes for IsTPUEmbeddingInitialized
isTraining - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The isTraining attribute
isTraining - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
A bool value to indicate the operation is for training (default) or inference.
isTraining - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
A bool value to indicate the operation is for training (default) or inference.
isTraining(Boolean) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the isTraining option.
isTraining(Boolean) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the isTraining option.
isTraining(Boolean) - Static method in class org.tensorflow.op.nn.FusedBatchNorm
Sets the isTraining option.
isTraining(Boolean) - Method in class org.tensorflow.op.nn.FusedBatchNorm.Options
Sets the isTraining option.
isTraining(Boolean) - Static method in class org.tensorflow.op.nn.FusedBatchNormGrad
Sets the isTraining option.
isTraining(Boolean) - Method in class org.tensorflow.op.nn.FusedBatchNormGrad.Options
Sets the isTraining option.
isValidOpName(String) - Static method in interface org.tensorflow.op.Scope
Check whether name is a valid name for an operation.
isVariableInitialized(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Checks whether a tensor has been initialized.
IsVariableInitialized - Class in org.tensorflow.op.core
Checks whether a tensor has been initialized.
IsVariableInitialized(Operation) - Constructor for class org.tensorflow.op.core.IsVariableInitialized
 
IsVariableInitialized.Inputs - Class in org.tensorflow.op.core
 
item - Variable in class org.tensorflow.op.core.TensorListSetItem.Inputs
The item input
item() - Method in class org.tensorflow.op.core.TensorListGetItem
Gets item.
iterationCounter - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The iterationCounter input
iterator - Variable in class org.tensorflow.op.data.experimental.StatsAggregatorSummary.Inputs
The iterator input
iterator - Variable in class org.tensorflow.op.data.IteratorGetNext.Inputs
The iterator input
iterator - Variable in class org.tensorflow.op.data.IteratorGetNextAsOptional.Inputs
The iterator input
iterator - Variable in class org.tensorflow.op.data.IteratorGetNextSync.Inputs
The iterator input
iterator - Variable in class org.tensorflow.op.data.MakeIterator.Inputs
The iterator input
iterator - Variable in class org.tensorflow.op.summary.StatsAggregatorSummary.Inputs
The iterator input
iterator() - Method in class org.tensorflow.op.core.BatchFunction
 
iterator() - Method in interface org.tensorflow.op.core.Case
 
iterator() - Method in class org.tensorflow.op.core.CompositeTensorVariantToComponents
 
iterator() - Method in class org.tensorflow.op.core.ConcatOffset
 
iterator() - Method in class org.tensorflow.op.core.DynamicPartition
 
iterator() - Method in class org.tensorflow.op.core.For
 
iterator() - Method in class org.tensorflow.op.core.GetElementAtIndex
 
iterator() - Method in class org.tensorflow.op.core.Gradients
 
iterator() - Method in class org.tensorflow.op.core.IdentityN
 
iterator() - Method in interface org.tensorflow.op.core.If
 
iterator() - Method in class org.tensorflow.op.core.MapDefun
 
iterator() - Method in class org.tensorflow.op.core.MapPeek
 
iterator() - Method in class org.tensorflow.op.core.MapUnstage
 
iterator() - Method in class org.tensorflow.op.core.MlirPassthroughOp
 
iterator() - Method in class org.tensorflow.op.core.OrderedMapPeek
 
iterator() - Method in class org.tensorflow.op.core.OrderedMapUnstage
 
iterator() - Method in class org.tensorflow.op.core.PartitionedCall
 
iterator() - Method in class org.tensorflow.op.core.RemoteCall
 
iterator() - Method in class org.tensorflow.op.core.ShapeN
 
iterator() - Method in class org.tensorflow.op.core.Split
 
iterator() - Method in class org.tensorflow.op.core.SplitV
 
iterator() - Method in class org.tensorflow.op.core.StagePeek
 
iterator() - Method in class org.tensorflow.op.core.StatefulCase
 
iterator() - Method in class org.tensorflow.op.core.StatefulIf
 
iterator() - Method in class org.tensorflow.op.core.StatefulPartitionedCall
 
iterator() - Method in class org.tensorflow.op.core.StatefulWhile
 
iterator() - Method in class org.tensorflow.op.core.StatelessCase
 
iterator() - Method in class org.tensorflow.op.core.StatelessIf
 
iterator() - Method in class org.tensorflow.op.core.StatelessWhile
 
iterator() - Method in class org.tensorflow.op.core.Unstack
 
iterator() - Method in class org.tensorflow.op.core.Unstage
 
iterator() - Method in interface org.tensorflow.op.core.While
 
iterator() - Method in class org.tensorflow.op.data.DatasetToSingleElement
 
iterator() - Method in class org.tensorflow.op.data.IteratorGetNext
 
iterator() - Method in class org.tensorflow.op.data.IteratorGetNextSync
 
iterator() - Method in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard
 
iterator() - Method in class org.tensorflow.op.data.OptionalGetValue
 
iterator() - Method in class org.tensorflow.op.data.ReduceDataset
 
iterator() - Method in class org.tensorflow.op.data.UncompressElement
 
iterator() - Method in class org.tensorflow.op.io.DecodeCsv
 
iterator() - Method in class org.tensorflow.op.io.QueueDequeue
 
iterator() - Method in class org.tensorflow.op.io.QueueDequeueMany
 
iterator() - Method in class org.tensorflow.op.io.QueueDequeueUpTo
 
iterator() - Method in class org.tensorflow.op.tpu.DTensorRestore
 
iterator() - Method in class org.tensorflow.op.tpu.Execute
 
iterator() - Method in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables
 
iterator() - Method in class org.tensorflow.op.tpu.InfeedDequeueTuple
 
iterator() - Method in class org.tensorflow.op.tpu.OutfeedDequeueTuple
 
iterator() - Method in class org.tensorflow.op.tpu.OutfeedDequeueTupleV2
 
iterator() - Method in class org.tensorflow.op.tpu.PartitionedCall
 
iterator() - Method in class org.tensorflow.op.tpu.PartitionedOutput
 
iterator() - Method in class org.tensorflow.op.tpu.RecvTPUEmbeddingActivations
 
iterator() - Method in class org.tensorflow.op.tpu.ReplicatedOutput
 
iterator() - Method in class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape
 
iterator() - Method in class org.tensorflow.op.tpu.TPUCopyWithDynamicShape
 
iterator() - Method in class org.tensorflow.op.tpu.TPUReplicatedOutput
Deprecated.
 
iterator() - Method in class org.tensorflow.op.train.Restore
 
iterator() - Method in class org.tensorflow.op.train.SymbolicGradient
 
iterator() - Method in class org.tensorflow.op.xla.ReadVariableSplitND
 
iterator() - Method in class org.tensorflow.op.xla.SplitND
 
iterator() - Method in class org.tensorflow.op.xla.XlaHostCompute
 
iterator() - Method in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations
 
iterator() - Method in class org.tensorflow.Result
 
iterator(String, String, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The IteratorV2 operation
Iterator - Class in org.tensorflow.op.data
The IteratorV2 operation
Iterator(Operation) - Constructor for class org.tensorflow.op.data.Iterator
 
Iterator.Inputs - Class in org.tensorflow.op.data
 
iteratorFromStringHandle(Operand<TString>, List<Class<? extends TType>>, IteratorFromStringHandle.Options...) - Method in class org.tensorflow.op.DataOps
The IteratorFromStringHandleV2 operation
IteratorFromStringHandle - Class in org.tensorflow.op.data
The IteratorFromStringHandleV2 operation
IteratorFromStringHandle(Operation) - Constructor for class org.tensorflow.op.data.IteratorFromStringHandle
 
IteratorFromStringHandle.Inputs - Class in org.tensorflow.op.data
 
IteratorFromStringHandle.Options - Class in org.tensorflow.op.data
Optional attributes for IteratorFromStringHandle
iteratorGetDevice(Operand<? extends TType>) - Method in class org.tensorflow.op.DataExperimentalOps
Returns the name of the device on which resource has been placed.
iteratorGetDevice(Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Returns the name of the device on which resource has been placed.
IteratorGetDevice - Class in org.tensorflow.op.data.experimental
Returns the name of the device on which resource has been placed.
IteratorGetDevice - Class in org.tensorflow.op.data
Returns the name of the device on which resource has been placed.
IteratorGetDevice(Operation) - Constructor for class org.tensorflow.op.data.experimental.IteratorGetDevice
 
IteratorGetDevice(Operation) - Constructor for class org.tensorflow.op.data.IteratorGetDevice
 
IteratorGetDevice.Inputs - Class in org.tensorflow.op.data.experimental
 
IteratorGetDevice.Inputs - Class in org.tensorflow.op.data
 
iteratorGetNext(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Gets the next output from the given iterator .
IteratorGetNext - Class in org.tensorflow.op.data
Gets the next output from the given iterator .
IteratorGetNext(Operation) - Constructor for class org.tensorflow.op.data.IteratorGetNext
 
IteratorGetNext.Inputs - Class in org.tensorflow.op.data
 
iteratorGetNextAsOptional(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Gets the next output from the given iterator as an Optional variant.
IteratorGetNextAsOptional - Class in org.tensorflow.op.data
Gets the next output from the given iterator as an Optional variant.
IteratorGetNextAsOptional(Operation) - Constructor for class org.tensorflow.op.data.IteratorGetNextAsOptional
 
IteratorGetNextAsOptional.Inputs - Class in org.tensorflow.op.data
 
iteratorGetNextSync(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Gets the next output from the given iterator.
IteratorGetNextSync - Class in org.tensorflow.op.data
Gets the next output from the given iterator.
IteratorGetNextSync(Operation) - Constructor for class org.tensorflow.op.data.IteratorGetNextSync
 
IteratorGetNextSync.Inputs - Class in org.tensorflow.op.data
 
iterators - Variable in class org.tensorflow.op.data.DeleteMultiDeviceIterator.Inputs
A list of iterator handles (unused).
iteratorToStringHandle(Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Converts the given resource_handle representing an iterator to a string.
IteratorToStringHandle - Class in org.tensorflow.op.data
Converts the given resource_handle representing an iterator to a string.
IteratorToStringHandle(Operation) - Constructor for class org.tensorflow.op.data.IteratorToStringHandle
 
IteratorToStringHandle.Inputs - Class in org.tensorflow.op.data
 
iterId() - Method in class org.tensorflow.op.tpu.GlobalIterId
Gets iterId.

J

job() - Method in class org.tensorflow.DeviceSpec
 
job(String) - Method in class org.tensorflow.DeviceSpec.Builder
 
jobName - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The jobName input
join() - Method in class org.tensorflow.Server
Blocks until the server has been successfully stopped.
join(Iterable<Operand<TString>>, Join.Options...) - Method in class org.tensorflow.op.StringsOps
Joins the strings in the given list of string tensors into one tensor; with the given separator (default is an empty separator).
Join - Class in org.tensorflow.op.strings
Joins the strings in the given list of string tensors into one tensor; with the given separator (default is an empty separator).
Join(Operation) - Constructor for class org.tensorflow.op.strings.Join
 
Join.Inputs - Class in org.tensorflow.op.strings
 
Join.Options - Class in org.tensorflow.op.strings
Optional attributes for Join
jsonExamples - Variable in class org.tensorflow.op.io.DecodeJsonExample.Inputs
Each string is a JSON object serialized according to the JSON mapping of the Example proto.

K

k - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
Specifies the number of min/max-k.
k - Variable in class org.tensorflow.op.core.KthOrderStatistic.Inputs
The k attribute
k - Variable in class org.tensorflow.op.core.TopKUnique.Inputs
The k attribute
k - Variable in class org.tensorflow.op.core.TopKWithUnique.Inputs
The k attribute
k - Variable in class org.tensorflow.op.image.NearestNeighbors.Inputs
Number of nearest centers to return for each point.
k - Variable in class org.tensorflow.op.linalg.MatrixDiag.Inputs
Diagonal offset(s).
k - Variable in class org.tensorflow.op.linalg.MatrixDiagPart.Inputs
Diagonal offset(s).
k - Variable in class org.tensorflow.op.linalg.MatrixDiagPartV3.Inputs
Diagonal offset(s).
k - Variable in class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
Diagonal offset(s).
k - Variable in class org.tensorflow.op.linalg.MatrixSetDiag.Inputs
Diagonal offset(s).
k - Variable in class org.tensorflow.op.nn.InTopK.Inputs
Number of top elements to look at for computing precision.
k - Variable in class org.tensorflow.op.nn.TopK.Inputs
0-D.
keepDims - Variable in class org.tensorflow.op.core.All.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.Any.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.Max.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.Min.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.Prod.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.ReduceAll.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.ReduceAny.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.ReduceMax.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.ReduceMin.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.ReduceProd.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.ReduceSum.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.core.Sum.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.linalg.EuclideanNorm.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.math.Mean.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.sparse.SparseReduceMax.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.sparse.SparseReduceMaxSparse.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.sparse.SparseReduceSum.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.sparse.SparseReduceSumSparse.Inputs
If true, retain reduced dimensions with length 1.
keepDims - Variable in class org.tensorflow.op.strings.ReduceJoin.Inputs
If True, retain reduced dimensions with length 1.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.All
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.All.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.Any
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.Any.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.Max
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.Max.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.Min
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.Min.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.Prod
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.Prod.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.ReduceAll
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.ReduceAll.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.ReduceAny
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.ReduceAny.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.ReduceMax
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.ReduceMax.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.ReduceMin
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.ReduceMin.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.ReduceProd
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.ReduceProd.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.ReduceSum
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.ReduceSum.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.core.Sum
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.core.Sum.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.linalg.EuclideanNorm
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.linalg.EuclideanNorm.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.math.Mean
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.math.Mean.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.sparse.SparseReduceMax
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.sparse.SparseReduceMax.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.sparse.SparseReduceMaxSparse
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.sparse.SparseReduceMaxSparse.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.sparse.SparseReduceSum
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.sparse.SparseReduceSum.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.sparse.SparseReduceSumSparse
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.sparse.SparseReduceSumSparse.Options
Sets the keepDims option.
keepDims(Boolean) - Static method in class org.tensorflow.op.strings.ReduceJoin
Sets the keepDims option.
keepDims(Boolean) - Method in class org.tensorflow.op.strings.ReduceJoin.Options
Sets the keepDims option.
kernelType - Variable in class org.tensorflow.op.image.ScaleAndTranslate.Inputs
The kernelType attribute
kernelType - Variable in class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
The kernelType attribute
kernelType(String) - Static method in class org.tensorflow.op.image.ScaleAndTranslate
Sets the kernelType option.
kernelType(String) - Method in class org.tensorflow.op.image.ScaleAndTranslate.Options
Sets the kernelType option.
kernelType(String) - Static method in class org.tensorflow.op.image.ScaleAndTranslateGrad
Sets the kernelType option.
kernelType(String) - Method in class org.tensorflow.op.image.ScaleAndTranslateGrad.Options
Sets the kernelType option.
key - Variable in class org.tensorflow.op.core.FileSystemSetConfiguration.Inputs
The name of the configuration option.
key - Variable in class org.tensorflow.op.core.MapPeek.Inputs
The key input
key - Variable in class org.tensorflow.op.core.MapStage.Inputs
int64
key - Variable in class org.tensorflow.op.core.MapUnstage.Inputs
The key input
key - Variable in class org.tensorflow.op.core.OrderedMapPeek.Inputs
The key input
key - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
int64
key - Variable in class org.tensorflow.op.core.OrderedMapUnstage.Inputs
The key input
key - Variable in class org.tensorflow.op.core.StochasticCastToInt.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.core.TensorMapErase.Inputs
The key input
key - Variable in class org.tensorflow.op.core.TensorMapHasKey.Inputs
The key input
key - Variable in class org.tensorflow.op.core.TensorMapInsert.Inputs
The key input
key - Variable in class org.tensorflow.op.core.TensorMapLookup.Inputs
The key input
key - Variable in class org.tensorflow.op.random.experimental.StatelessShuffle.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.random.StatelessRandomGamma.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.random.StatelessRandomNormalV2.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.random.StatelessRandomUniformV2.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.random.StatelessTruncatedNormalV2.Inputs
Key for the counter-based RNG algorithm (shape uint64[1]).
key - Variable in class org.tensorflow.op.strings.ToHashBucketStrong.Inputs
The key used to seed the hash function, passed as a list of two uint64 elements.
key - Variable in class org.tensorflow.op.tpu.Execute.Inputs
The key input
key - Variable in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables.Inputs
The key input
key - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
A unique identifier for this region used to match up host transfers.
key - Variable in class org.tensorflow.op.xla.XlaRecvFromHost.Inputs
The key attribute
key - Variable in class org.tensorflow.op.xla.XlaSendToHost.Inputs
The key attribute
key() - Method in class org.tensorflow.op.core.MapUnstageNoKey
Gets key.
key() - Method in class org.tensorflow.op.core.OrderedMapUnstageNoKey
Gets key.
key() - Method in class org.tensorflow.op.io.ReaderRead
Gets key.
key() - Method in class org.tensorflow.op.random.StatelessRandomGetKeyCounter
Gets key.
key() - Method in class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg
Gets key.
key() - Method in class org.tensorflow.Signature
Return the key of this signature
key(String) - Method in class org.tensorflow.Signature.Builder
Sets the unique key of this signature.
keyDtype - Variable in class org.tensorflow.op.core.AnonymousHashTable.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.AnonymousMutableHashTable.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.HashTable.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.MutableHashTable.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.MutableHashTableOfTensors.Inputs
Type of the table keys.
keyDtype - Variable in class org.tensorflow.op.core.TensorMapErase.Inputs
The keyDtype attribute
keyDtype - Variable in class org.tensorflow.op.core.TensorMapHasKey.Inputs
The keyDtype attribute
keyDtype - Variable in class org.tensorflow.op.core.TensorMapInsert.Inputs
The keyDtype attribute
keyDtype - Variable in class org.tensorflow.op.core.TensorMapLookup.Inputs
The keyDtype attribute
keyDtype - Variable in class org.tensorflow.op.core.TensorMapStackKeys.Inputs
The keyDtype attribute
keyFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for key_func.
keyFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The keyFuncOtherArguments input
keyFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for key_func.
keyFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The keyFuncOtherArguments input
keyIndex - Variable in class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
Column index in a line to get the table key values from.
keys - Variable in class org.tensorflow.op.core.BarrierInsertMany.Inputs
A one-dimensional tensor of keys, with length n.
keys - Variable in class org.tensorflow.op.core.InitializeTable.Inputs
Keys of type Tkey.
keys - Variable in class org.tensorflow.op.core.LookupTableFind.Inputs
Any shape.
keys - Variable in class org.tensorflow.op.core.LookupTableImport.Inputs
Any shape.
keys - Variable in class org.tensorflow.op.core.LookupTableInsert.Inputs
Any shape.
keys - Variable in class org.tensorflow.op.core.LookupTableRemove.Inputs
Any shape.
keys() - Method in class org.tensorflow.op.core.BarrierTakeMany
Gets keys.
keys() - Method in class org.tensorflow.op.core.LookupTableExport
Gets keys.
keys() - Method in class org.tensorflow.op.core.TensorMapStackKeys
Gets keys.
keys() - Method in class org.tensorflow.op.io.ReaderReadUpTo
Gets keys.
keySet() - Method in class org.tensorflow.Result
Gets the set containing all the tensor names.
kMC2ChainInitialization(Operand<TFloat32>, Operand<TInt64>) - Method in class org.tensorflow.op.ClusterOps
Returns the index of a data point that should be added to the seed set.
KMC2ChainInitialization - Class in org.tensorflow.op.cluster
Returns the index of a data point that should be added to the seed set.
KMC2ChainInitialization(Operation) - Constructor for class org.tensorflow.op.cluster.KMC2ChainInitialization
 
KMC2ChainInitialization.Inputs - Class in org.tensorflow.op.cluster
 
kmeansPlusPlusInitialization(Operand<TFloat32>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.ClusterOps
Selects num_to_sample rows of input using the KMeans++ criterion.
KmeansPlusPlusInitialization - Class in org.tensorflow.op.cluster
Selects num_to_sample rows of input using the KMeans++ criterion.
KmeansPlusPlusInitialization(Operation) - Constructor for class org.tensorflow.op.cluster.KmeansPlusPlusInitialization
 
KmeansPlusPlusInitialization.Inputs - Class in org.tensorflow.op.cluster
 
ksize - Variable in class org.tensorflow.op.nn.AvgPool.Inputs
The size of the sliding window for each dimension of value.
ksize - Variable in class org.tensorflow.op.nn.AvgPool3d.Inputs
1-D tensor of length 5.
ksize - Variable in class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
1-D tensor of length 5.
ksize - Variable in class org.tensorflow.op.nn.AvgPoolGrad.Inputs
The size of the sliding window for each dimension of the input.
ksize - Variable in class org.tensorflow.op.nn.MaxPool.Inputs
The size of the window for each dimension of the input tensor.
ksize - Variable in class org.tensorflow.op.nn.MaxPool3d.Inputs
1-D tensor of length 5.
ksize - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
1-D tensor of length 5.
ksize - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
1-D tensor of length 5.
ksize - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
The size of the window for each dimension of the input tensor.
ksize - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
The size of the window for each dimension of the input tensor.
ksize - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
The size of the window for each dimension of the input tensor.
ksize - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
The size of the window for each dimension of the input tensor.
ksize - Variable in class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
The size of the window for each dimension of the input tensor.
ksize - Variable in class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
The size of the window for each dimension of the input tensor.
ksize - Variable in class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
The size of the window for each dimension of the input tensor.
ksizes - Variable in class org.tensorflow.op.core.ExtractVolumePatches.Inputs
The size of the sliding window for each dimension of input.
ksizes - Variable in class org.tensorflow.op.image.ExtractImagePatches.Inputs
The size of the sliding window for each dimension of images.
kthOrderStatistic(Operand<TFloat32>, Long) - Method in class org.tensorflow.op.Ops
Computes the Kth order statistic of a data set.
KthOrderStatistic - Class in org.tensorflow.op.core
Computes the Kth order statistic of a data set.
KthOrderStatistic(Operation) - Constructor for class org.tensorflow.op.core.KthOrderStatistic
 
KthOrderStatistic.Inputs - Class in org.tensorflow.op.core
 

L

l - Variable in class org.tensorflow.op.linalg.BatchCholeskyGrad.Inputs
The l input
l - Variable in class org.tensorflow.op.linalg.CholeskyGrad.Inputs
Output of batch Cholesky algorithm l = cholesky(A).
l1 - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
Symmetric l1 regularization strength.
l1 - Variable in class org.tensorflow.op.train.SdcaShrinkL1.Inputs
Symmetric l1 regularization strength.
l1 - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
L1 regularization.
l1 - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
L1 regularization.
l1RegularizationStrength - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The l1RegularizationStrength attribute
l1RegularizationStrength - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The l1RegularizationStrength attribute
l2 - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
L2 shrinkage regularization.
l2 - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
L2 shrinkage regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
L2 shrinkage regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
Symmetric l2 regularization strength.
l2 - Variable in class org.tensorflow.op.train.SdcaShrinkL1.Inputs
Symmetric l2 regularization strength.
l2 - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
L2 shrinkage regularization.
l2 - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
L2 regularization.
l2 - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
L2 regularization.
l2Loss(Operand<T>) - Method in class org.tensorflow.op.NnOps
L2 Loss.
L2Loss<T extends TNumber> - Class in org.tensorflow.op.nn
L2 Loss.
L2Loss(Operation) - Constructor for class org.tensorflow.op.nn.L2Loss
 
L2Loss.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
l2RegularizationStrength - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The l2RegularizationStrength input
l2RegularizationStrength - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The l2RegularizationStrength attribute
l2Regularizer - Variable in class org.tensorflow.op.linalg.BatchMatrixSolveLs.Inputs
The l2Regularizer input
l2Regularizer - Variable in class org.tensorflow.op.linalg.MatrixSolveLs.Inputs
Scalar tensor.
l2Shrinkage - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
The l2Shrinkage input
l2Shrinkage - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
The l2Shrinkage input
l2Shrinkage - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
The l2Shrinkage input
l2Shrinkage - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
The l2Shrinkage input
labels - Variable in class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits.Inputs
batch_size x num_classes matrix The caller must ensure that each batch of labels represents a valid probability distribution.
labels - Variable in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits.Inputs
batch_size vector with values in [0, num_classes).
labels - Variable in class org.tensorflow.op.train.NegTrain.Inputs
A vector of word ids.
labels() - Method in class org.tensorflow.op.core.Skipgram
Gets labels.
labelsIndices - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
The indices of a SparseTensor<int32, 2>.
labelsIndices - Variable in class org.tensorflow.op.nn.CTCLossV2.Inputs
The indices of a SparseTensor<int32, 2>.
labelsValues - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
The values (labels) associated with the given batch and time.
labelsValues - Variable in class org.tensorflow.op.nn.CTCLossV2.Inputs
The values (labels) associated with the given batch and time.
lam - Variable in class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
The rate of the Poisson distribution.
lastHitStep - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
Value of last_hit_step used in the frequency estimator optimization algorithm.
lastHitStep() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
Gets lastHitStep.
latencyStatsDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Records the latency of producing input_dataset elements in a StatsAggregator.
latencyStatsDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Records the latency of producing input_dataset elements in a StatsAggregator.
LatencyStatsDataset - Class in org.tensorflow.op.data.experimental
Records the latency of producing input_dataset elements in a StatsAggregator.
LatencyStatsDataset - Class in org.tensorflow.op.data
Records the latency of producing input_dataset elements in a StatsAggregator.
LatencyStatsDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.LatencyStatsDataset
 
LatencyStatsDataset(Operation) - Constructor for class org.tensorflow.op.data.LatencyStatsDataset
 
LatencyStatsDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
LatencyStatsDataset.Inputs - Class in org.tensorflow.op.data
 
layout - Variable in class org.tensorflow.op.core.Relayout.Inputs
The layout attribute
layout - Variable in class org.tensorflow.op.tpu.InfeedEnqueue.Inputs
A vector holding the requested layout in minor-to-major sequence.
layout - Variable in class org.tensorflow.op.tpu.Prelinearize.Inputs
A vector holding the requested layout in minor-to-major sequence.
layout(Long...) - Static method in class org.tensorflow.op.tpu.InfeedEnqueue
Sets the layout option.
layout(Long...) - Method in class org.tensorflow.op.tpu.InfeedEnqueue.Options
Sets the layout option.
layout(Long...) - Static method in class org.tensorflow.op.tpu.Prelinearize
Sets the layout option.
layout(Long...) - Method in class org.tensorflow.op.tpu.Prelinearize.Options
Sets the layout option.
layout(List<Long>) - Static method in class org.tensorflow.op.tpu.InfeedEnqueue
Sets the layout option.
layout(List<Long>) - Method in class org.tensorflow.op.tpu.InfeedEnqueue.Options
Sets the layout option.
layout(List<Long>) - Static method in class org.tensorflow.op.tpu.Prelinearize
Sets the layout option.
layout(List<Long>) - Method in class org.tensorflow.op.tpu.Prelinearize.Options
Sets the layout option.
layoutInput - Variable in class org.tensorflow.op.core.RelayoutLike.Inputs
The layoutInput input
layouts - Variable in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Inputs
A vector holding the requested layout in minor-to-major sequence for all the tuple shapes, in the order the shapes appear in the "shapes" input.
layouts - Variable in class org.tensorflow.op.tpu.PrelinearizeTuple.Inputs
A vector holding the requested layout in minor-to-major sequence for all the tuple shapes in the order the shapes appear in the "shapes" input.
layouts(Long...) - Static method in class org.tensorflow.op.tpu.InfeedEnqueueTuple
Sets the layouts option.
layouts(Long...) - Method in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Options
Sets the layouts option.
layouts(Long...) - Static method in class org.tensorflow.op.tpu.PrelinearizeTuple
Sets the layouts option.
layouts(Long...) - Method in class org.tensorflow.op.tpu.PrelinearizeTuple.Options
Sets the layouts option.
layouts(List<Long>) - Static method in class org.tensorflow.op.tpu.InfeedEnqueueTuple
Sets the layouts option.
layouts(List<Long>) - Method in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Options
Sets the layouts option.
layouts(List<Long>) - Static method in class org.tensorflow.op.tpu.PrelinearizeTuple
Sets the layouts option.
layouts(List<Long>) - Method in class org.tensorflow.op.tpu.PrelinearizeTuple.Options
Sets the layouts option.
leadingDims - Variable in class org.tensorflow.op.core.TensorListConcat.Inputs
The leadingDims input
leakyRelu(Operand<T>, LeakyRelu.Options...) - Method in class org.tensorflow.op.NnOps
Computes rectified linear: max(features, features * alpha).
LeakyRelu<T extends TNumber> - Class in org.tensorflow.op.nn
Computes rectified linear: max(features, features * alpha).
LeakyRelu(Operation) - Constructor for class org.tensorflow.op.nn.LeakyRelu
 
LeakyRelu.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
LeakyRelu.Options - Class in org.tensorflow.op.nn
Optional attributes for LeakyRelu
leakyReluGrad(Operand<T>, Operand<T>, LeakyReluGrad.Options...) - Method in class org.tensorflow.op.DataOps
Computes rectified linear gradients for a LeakyRelu operation.
LeakyReluGrad<T extends TNumber> - Class in org.tensorflow.op.data
Computes rectified linear gradients for a LeakyRelu operation.
LeakyReluGrad(Operation) - Constructor for class org.tensorflow.op.data.LeakyReluGrad
 
LeakyReluGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.data
 
LeakyReluGrad.Options - Class in org.tensorflow.op.data
Optional attributes for LeakyReluGrad
learnedUnigramCandidateSampler(Operand<TInt64>, Long, Long, Boolean, Long, LearnedUnigramCandidateSampler.Options...) - Method in class org.tensorflow.op.NnOps
Generates labels for candidate sampling with a learned unigram distribution.
LearnedUnigramCandidateSampler - Class in org.tensorflow.op.nn
Generates labels for candidate sampling with a learned unigram distribution.
LearnedUnigramCandidateSampler(Operation) - Constructor for class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
 
LearnedUnigramCandidateSampler.Inputs - Class in org.tensorflow.op.nn
 
LearnedUnigramCandidateSampler.Options - Class in org.tensorflow.op.nn
Optional attributes for LearnedUnigramCandidateSampler
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagrad.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseCoreSgd.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The learningRate input
learningRate - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The learningRate input
learningRatePower - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The learningRatePower input
learningRatePower - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The learningRatePower attribute
learningRates - Variable in class org.tensorflow.op.tpu.SendTPUEmbeddingGradients.Inputs
A TensorList of float32 scalars, one for each dynamic learning rate tag: see the comments in //third_party/tensorflow/core/protobuf/tpu/optimization_parameters.proto.
learningRates - Variable in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients.Inputs
A TensorList of learning rates used for updating the embedding tables via the optimizer.
leftPad - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The string to use to pad the left side of the ngram sequence.
leftShift(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.BitwiseOps
Elementwise computes the bitwise left-shift of x and y.
LeftShift<T extends TNumber> - Class in org.tensorflow.op.bitwise
Elementwise computes the bitwise left-shift of x and y.
LeftShift(Operation) - Constructor for class org.tensorflow.op.bitwise.LeftShift
 
LeftShift.Inputs<T extends TNumber> - Class in org.tensorflow.op.bitwise
 
legacyAutotune - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The legacyAutotune attribute
legacyAutotune(Boolean) - Static method in class org.tensorflow.op.data.PrefetchDataset
Sets the legacyAutotune option.
legacyAutotune(Boolean) - Method in class org.tensorflow.op.data.PrefetchDataset.Options
Sets the legacyAutotune option.
legacyParallelInterleaveDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, LegacyParallelInterleaveDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that applies f to the outputs of input_dataset.
LegacyParallelInterleaveDataset - Class in org.tensorflow.op.data
Creates a dataset that applies f to the outputs of input_dataset.
LegacyParallelInterleaveDataset(Operation) - Constructor for class org.tensorflow.op.data.LegacyParallelInterleaveDataset
 
LegacyParallelInterleaveDataset.Inputs - Class in org.tensorflow.op.data
 
LegacyParallelInterleaveDataset.Options - Class in org.tensorflow.op.data
Optional attributes for LegacyParallelInterleaveDataset
len - Variable in class org.tensorflow.op.strings.Substr.Inputs
Scalar defining the number of characters to include in each substring
length() - Method in class org.tensorflow.op.core.TensorListLength
Gets length.
lengths - Variable in class org.tensorflow.op.core.TensorArraySplit.Inputs
The vector of lengths, how to split the rows of value into the TensorArray.
lengths - Variable in class org.tensorflow.op.core.TensorListSplit.Inputs
The lengths input
lengths() - Method in class org.tensorflow.op.core.TensorArrayConcat
Gets lengths.
lengths() - Method in class org.tensorflow.op.core.TensorListConcat
Gets lengths.
less(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the truth value of (x < y) element-wise.
Less - Class in org.tensorflow.op.math
Returns the truth value of (x < y) element-wise.
Less(Operation) - Constructor for class org.tensorflow.op.math.Less
 
Less.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
lessEqual(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the truth value of (x <= y) element-wise.
LessEqual - Class in org.tensorflow.op.math
Returns the truth value of (x <= y) element-wise.
LessEqual(Operation) - Constructor for class org.tensorflow.op.math.LessEqual
 
LessEqual.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
lgamma(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the log of the absolute value of Gamma(x) element-wise.
Lgamma<T extends TNumber> - Class in org.tensorflow.op.math
Computes the log of the absolute value of Gamma(x) element-wise.
Lgamma(Operation) - Constructor for class org.tensorflow.op.math.Lgamma
 
Lgamma.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
lhs - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
Must be a quantized tensor.
lhs - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
Must be a quantized tensor, rank >= 3.
lhs - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
Must be a non-quantized Tensor of Tlhs, rank >= 3.
lhs - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
Must be a 2D Tensor of Tin.
lhs - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
Must be a 2D Tensor of Tlhs.
lhsDilation - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The dilation factor to apply in each spatial dimension of lhs.
lhsDilation - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The dilation factor to apply in each spatial dimension of lhs.
lhsDilation(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the lhsDilation option.
lhsDilation(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the lhsDilation option.
lhsDilation(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the lhsDilation option.
lhsDilation(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the lhsDilation option.
lhsDilation(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the lhsDilation option.
lhsDilation(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the lhsDilation option.
lhsDilation(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the lhsDilation option.
lhsDilation(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the lhsDilation option.
lhsQuantizationAxis - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
lhsQuantizationAxis - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
lhsQuantizationAxis - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
lhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.math.UniformQuantizedAdd
Sets the lhsQuantizationAxis option.
lhsQuantizationAxis(Long) - Method in class org.tensorflow.op.math.UniformQuantizedAdd.Options
Sets the lhsQuantizationAxis option.
lhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the lhsQuantizationAxis option.
lhsQuantizationAxis(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the lhsQuantizationAxis option.
lhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformQuantizedDot
Sets the lhsQuantizationAxis option.
lhsQuantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformQuantizedDot.Options
Sets the lhsQuantizationAxis option.
lhsQuantizationMaxVal - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The max value of the quantized data stored in lhs.
lhsQuantizationMaxVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The max value of the quantized data stored in lhs.
lhsQuantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The max value of the quantized data stored in rhs.
lhsQuantizationMinVal - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The min value of the quantized data stored in lhs.
lhsQuantizationMinVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The min value of the quantized data stored in lhs.
lhsQuantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The min value of the quantized data stored in lhs.
lhsScales - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The float value(s) used as scale factors when quantizing the original data that lhs represents.
lhsScales - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The float value(s) used as scale factors when quantizing the original data that lhs represents.
lhsScales - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The float value(s) used as scale when quantizing original data that lhs represents.
lhsZeroPoints - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The int32 value(s) used as zero points when quantizing original data that lhs represents.
lhsZeroPoints - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The int32 value(s) used as zero points when quantizing original data that lhs represents.
lhsZeroPoints - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The int32 value(s) used as zero_point when quantizing original data that lhs represents.
limit - Variable in class org.tensorflow.op.core.CountUpTo.Inputs
If incrementing ref would bring it above limit, instead generates an 'OutOfRange' error.
limit - Variable in class org.tensorflow.op.core.For.Inputs
The upper bound.
limit - Variable in class org.tensorflow.op.core.Range.Inputs
0-D (scalar).
limit - Variable in class org.tensorflow.op.core.ResourceCountUpTo.Inputs
If incrementing ref would bring it above limit, instead generates an 'OutOfRange' error.
limits - Variable in class org.tensorflow.op.ragged.RaggedRange.Inputs
The limits of each range.
linalg - Variable in class org.tensorflow.op.Ops
 
LinalgOps - Class in org.tensorflow.op
An API for building linalg operations as Ops
LinalgSparseOps - Class in org.tensorflow.op
An API for building linalg.sparse operations as Ops
linear - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
Should be from a Variable().
linear - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
Should be from a Variable().
linear - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
Should be from a Variable().
linear - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
Should be from a Variable().
linear - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The linear input
linear - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The linear input
linears - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
Value of linears used in the FTRL optimization algorithm.
linears() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
Gets linears.
linSpace(Operand<T>, Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Generates values in an interval.
LinSpace<T extends TNumber> - Class in org.tensorflow.op.core
Generates values in an interval.
LinSpace(Operation) - Constructor for class org.tensorflow.op.core.LinSpace
 
LinSpace.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
listDataset(Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ListDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that emits each of tensors once.
ListDataset - Class in org.tensorflow.op.data
Creates a dataset that emits each of tensors once.
ListDataset(Operation) - Constructor for class org.tensorflow.op.data.ListDataset
 
ListDataset.Inputs - Class in org.tensorflow.op.data
 
ListDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ListDataset
listSize - Variable in class org.tensorflow.op.AttributeMetadata
The size of the list if this attribute is a list, undefined otherwise.
listSnapshotChunksDataset(Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The ListSnapshotChunksDataset operation
ListSnapshotChunksDataset - Class in org.tensorflow.op.data
The ListSnapshotChunksDataset operation
ListSnapshotChunksDataset(Operation) - Constructor for class org.tensorflow.op.data.ListSnapshotChunksDataset
 
ListSnapshotChunksDataset.Inputs - Class in org.tensorflow.op.data
 
littleEndian - Variable in class org.tensorflow.op.io.DecodePaddedRaw.Inputs
Whether the input input_bytes is in little-endian order.
littleEndian - Variable in class org.tensorflow.op.io.DecodeRaw.Inputs
Whether the input bytes are in little-endian order.
littleEndian(Boolean) - Static method in class org.tensorflow.op.io.DecodePaddedRaw
Sets the littleEndian option.
littleEndian(Boolean) - Method in class org.tensorflow.op.io.DecodePaddedRaw.Options
Sets the littleEndian option.
littleEndian(Boolean) - Static method in class org.tensorflow.op.io.DecodeRaw
Sets the littleEndian option.
littleEndian(Boolean) - Method in class org.tensorflow.op.io.DecodeRaw.Options
Sets the littleEndian option.
lmdbDataset(Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalLMDBDataset operation
lMDBDataset(Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that emits the key-value pairs in one or more LMDB files.
LmdbDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalLMDBDataset operation
LmdbDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.LmdbDataset
 
LMDBDataset - Class in org.tensorflow.op.data
Creates a dataset that emits the key-value pairs in one or more LMDB files.
LMDBDataset(Operation) - Constructor for class org.tensorflow.op.data.LMDBDataset
 
LmdbDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
LMDBDataset.Inputs - Class in org.tensorflow.op.data
 
lmdbReader(LmdbReader.Options...) - Method in class org.tensorflow.op.IoOps
A Reader that outputs the records from a LMDB file.
LmdbReader - Class in org.tensorflow.op.io
A Reader that outputs the records from a LMDB file.
LmdbReader(Operation) - Constructor for class org.tensorflow.op.io.LmdbReader
 
LmdbReader.Inputs - Class in org.tensorflow.op.io
 
LmdbReader.Options - Class in org.tensorflow.op.io
Optional attributes for LmdbReader
load() - Method in class org.tensorflow.SavedModelBundle.Loader
Load a SavedModelBundle with the configured options.
load(String, String...) - Static method in class org.tensorflow.SavedModelBundle
Load a saved model from an export directory.
loadAllTPUEmbeddingParameters(Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, String, Long, Long) - Method in class org.tensorflow.op.TpuOps
An op that loads optimization parameters into embedding memory.
LoadAllTPUEmbeddingParameters - Class in org.tensorflow.op.tpu
An op that loads optimization parameters into embedding memory.
LoadAllTPUEmbeddingParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters
 
LoadAllTPUEmbeddingParameters.Inputs - Class in org.tensorflow.op.tpu
 
loadAndRemapMatrix(Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<TFloat32>, Long, Long, LoadAndRemapMatrix.Options...) - Method in class org.tensorflow.op.LinalgOps
Loads a 2-D (matrix) Tensor with name old_tensor_name from the checkpoint at ckpt_path and potentially reorders its rows and columns using the specified remappings.
LoadAndRemapMatrix - Class in org.tensorflow.op.linalg
Loads a 2-D (matrix) Tensor with name old_tensor_name from the checkpoint at ckpt_path and potentially reorders its rows and columns using the specified remappings.
LoadAndRemapMatrix(Operation) - Constructor for class org.tensorflow.op.linalg.LoadAndRemapMatrix
 
LoadAndRemapMatrix.Inputs - Class in org.tensorflow.op.linalg
 
LoadAndRemapMatrix.Options - Class in org.tensorflow.op.linalg
Optional attributes for LoadAndRemapMatrix
loadDataset(Operand<TString>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, LoadDataset.Options...) - Method in class org.tensorflow.op.DataOps
The LoadDataset operation
LoadDataset - Class in org.tensorflow.op.data
The LoadDataset operation
LoadDataset(Operation) - Constructor for class org.tensorflow.op.data.LoadDataset
 
LoadDataset.Inputs - Class in org.tensorflow.op.data
 
LoadDataset.Options - Class in org.tensorflow.op.data
Optional attributes for LoadDataset
loader(String) - Static method in class org.tensorflow.SavedModelBundle
Load a saved model.
loadLibrary(String) - Static method in class org.tensorflow.TensorFlow
Load the dynamic library in filename and register the operations and kernels present in that library.
loadTPUEmbeddingAdadeltaParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingAdadeltaParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load Adadelta embedding parameters.
LoadTPUEmbeddingAdadeltaParameters - Class in org.tensorflow.op.tpu
Load Adadelta embedding parameters.
LoadTPUEmbeddingAdadeltaParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters
 
LoadTPUEmbeddingAdadeltaParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingAdadeltaParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for LoadTPUEmbeddingAdadeltaParameters
loadTPUEmbeddingAdagradMomentumParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingAdagradMomentumParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load Adagrad Momentum embedding parameters.
LoadTPUEmbeddingAdagradMomentumParameters - Class in org.tensorflow.op.tpu
Load Adagrad Momentum embedding parameters.
LoadTPUEmbeddingAdagradMomentumParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters
 
LoadTPUEmbeddingAdagradMomentumParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingAdagradMomentumParameters.Options - Class in org.tensorflow.op.tpu
loadTPUEmbeddingAdagradParameters(Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingAdagradParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load Adagrad embedding parameters.
LoadTPUEmbeddingAdagradParameters - Class in org.tensorflow.op.tpu
Load Adagrad embedding parameters.
LoadTPUEmbeddingAdagradParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters
 
LoadTPUEmbeddingAdagradParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingAdagradParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for LoadTPUEmbeddingAdagradParameters
loadTPUEmbeddingADAMParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingADAMParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load ADAM embedding parameters.
LoadTPUEmbeddingADAMParameters - Class in org.tensorflow.op.tpu
Load ADAM embedding parameters.
LoadTPUEmbeddingADAMParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters
 
LoadTPUEmbeddingADAMParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingADAMParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for LoadTPUEmbeddingADAMParameters
loadTPUEmbeddingCenteredRMSPropParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingCenteredRMSPropParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load centered RMSProp embedding parameters.
LoadTPUEmbeddingCenteredRMSPropParameters - Class in org.tensorflow.op.tpu
Load centered RMSProp embedding parameters.
LoadTPUEmbeddingCenteredRMSPropParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters
 
LoadTPUEmbeddingCenteredRMSPropParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingCenteredRMSPropParameters.Options - Class in org.tensorflow.op.tpu
loadTPUEmbeddingFrequencyEstimatorParameters(Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingFrequencyEstimatorParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load frequency estimator embedding parameters.
LoadTPUEmbeddingFrequencyEstimatorParameters - Class in org.tensorflow.op.tpu
Load frequency estimator embedding parameters.
LoadTPUEmbeddingFrequencyEstimatorParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters
 
LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingFrequencyEstimatorParameters.Options - Class in org.tensorflow.op.tpu
loadTPUEmbeddingFTRLParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingFTRLParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load FTRL embedding parameters.
LoadTPUEmbeddingFTRLParameters - Class in org.tensorflow.op.tpu
Load FTRL embedding parameters.
LoadTPUEmbeddingFTRLParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters
 
LoadTPUEmbeddingFTRLParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingFTRLParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for LoadTPUEmbeddingFTRLParameters
loadTPUEmbeddingMDLAdagradLightParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingMDLAdagradLightParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load MDL Adagrad Light embedding parameters.
LoadTPUEmbeddingMDLAdagradLightParameters - Class in org.tensorflow.op.tpu
Load MDL Adagrad Light embedding parameters.
LoadTPUEmbeddingMDLAdagradLightParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters
 
LoadTPUEmbeddingMDLAdagradLightParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingMDLAdagradLightParameters.Options - Class in org.tensorflow.op.tpu
loadTPUEmbeddingMomentumParameters(Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingMomentumParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load Momentum embedding parameters.
LoadTPUEmbeddingMomentumParameters - Class in org.tensorflow.op.tpu
Load Momentum embedding parameters.
LoadTPUEmbeddingMomentumParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters
 
LoadTPUEmbeddingMomentumParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingMomentumParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for LoadTPUEmbeddingMomentumParameters
loadTPUEmbeddingProximalAdagradParameters(Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingProximalAdagradParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load proximal Adagrad embedding parameters.
LoadTPUEmbeddingProximalAdagradParameters - Class in org.tensorflow.op.tpu
Load proximal Adagrad embedding parameters.
LoadTPUEmbeddingProximalAdagradParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters
 
LoadTPUEmbeddingProximalAdagradParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingProximalAdagradParameters.Options - Class in org.tensorflow.op.tpu
loadTPUEmbeddingProximalYogiParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingProximalYogiParameters.Options...) - Method in class org.tensorflow.op.TpuOps
The LoadTPUEmbeddingProximalYogiParameters operation
LoadTPUEmbeddingProximalYogiParameters - Class in org.tensorflow.op.tpu
The LoadTPUEmbeddingProximalYogiParameters operation
LoadTPUEmbeddingProximalYogiParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters
 
LoadTPUEmbeddingProximalYogiParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingProximalYogiParameters.Options - Class in org.tensorflow.op.tpu
loadTPUEmbeddingRMSPropParameters(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Long, LoadTPUEmbeddingRMSPropParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load RMSProp embedding parameters.
LoadTPUEmbeddingRMSPropParameters - Class in org.tensorflow.op.tpu
Load RMSProp embedding parameters.
LoadTPUEmbeddingRMSPropParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters
 
LoadTPUEmbeddingRMSPropParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingRMSPropParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for LoadTPUEmbeddingRMSPropParameters
loadTPUEmbeddingStochasticGradientDescentParameters(Operand<TFloat32>, Long, Long, LoadTPUEmbeddingStochasticGradientDescentParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Load SGD embedding parameters.
LoadTPUEmbeddingStochasticGradientDescentParameters - Class in org.tensorflow.op.tpu
Load SGD embedding parameters.
LoadTPUEmbeddingStochasticGradientDescentParameters(Operation) - Constructor for class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters
 
LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs - Class in org.tensorflow.op.tpu
 
LoadTPUEmbeddingStochasticGradientDescentParameters.Options - Class in org.tensorflow.op.tpu
localResponseNormalization(Operand<T>, LocalResponseNormalization.Options...) - Method in class org.tensorflow.op.NnOps
Local Response Normalization.
LocalResponseNormalization<T extends TNumber> - Class in org.tensorflow.op.nn
Local Response Normalization.
LocalResponseNormalization(Operation) - Constructor for class org.tensorflow.op.nn.LocalResponseNormalization
 
LocalResponseNormalization.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
LocalResponseNormalization.Options - Class in org.tensorflow.op.nn
Optional attributes for LocalResponseNormalization
localResponseNormalizationGrad(Operand<T>, Operand<T>, Operand<T>, LocalResponseNormalizationGrad.Options...) - Method in class org.tensorflow.op.NnOps
Gradients for Local Response Normalization.
LocalResponseNormalizationGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Gradients for Local Response Normalization.
LocalResponseNormalizationGrad(Operation) - Constructor for class org.tensorflow.op.nn.LocalResponseNormalizationGrad
 
LocalResponseNormalizationGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
LocalResponseNormalizationGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for LocalResponseNormalizationGrad
localStep - Variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient.Inputs
The local_step value at which the sparse gradient was computed.
localStep - Variable in class org.tensorflow.op.train.AccumulatorApplyGradient.Inputs
The local_step value at which the gradient was computed.
localStep - Variable in class org.tensorflow.op.train.ResourceAccumulatorApplyGradient.Inputs
The local_step value at which the gradient was computed.
log(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes natural logarithm of x element-wise.
Log<T extends TType> - Class in org.tensorflow.op.math
Computes natural logarithm of x element-wise.
Log(Operation) - Constructor for class org.tensorflow.op.math.Log
 
Log.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
log1p(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes natural logarithm of (1 + x) element-wise.
Log1p<T extends TType> - Class in org.tensorflow.op.math
Computes natural logarithm of (1 + x) element-wise.
Log1p(Operation) - Constructor for class org.tensorflow.op.math.Log1p
 
Log1p.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
logAbsDeterminant() - Method in class org.tensorflow.op.linalg.LogMatrixDeterminant
Gets logAbsDeterminant.
logbase - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
Must be a scalar.
logbase - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
Must be a scalar.
logdir - Variable in class org.tensorflow.op.summary.CreateSummaryFileWriter.Inputs
The logdir input
logicalAnd(Operand<TBool>, Operand<TBool>) - Method in class org.tensorflow.op.MathOps
Returns the truth value of x AND y element-wise.
LogicalAnd - Class in org.tensorflow.op.math
Returns the truth value of x AND y element-wise.
LogicalAnd(Operation) - Constructor for class org.tensorflow.op.math.LogicalAnd
 
LogicalAnd.Inputs - Class in org.tensorflow.op.math
 
logicalNot(Operand<TBool>) - Method in class org.tensorflow.op.MathOps
Returns the truth value of NOT x element-wise.
LogicalNot - Class in org.tensorflow.op.math
Returns the truth value of NOT x element-wise.
LogicalNot(Operation) - Constructor for class org.tensorflow.op.math.LogicalNot
 
LogicalNot.Inputs - Class in org.tensorflow.op.math
 
logicalOr(Operand<TBool>, Operand<TBool>) - Method in class org.tensorflow.op.MathOps
Returns the truth value of x OR y element-wise.
LogicalOr - Class in org.tensorflow.op.math
Returns the truth value of x OR y element-wise.
LogicalOr(Operation) - Constructor for class org.tensorflow.op.math.LogicalOr
 
LogicalOr.Inputs - Class in org.tensorflow.op.math
 
logits - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax.Inputs
A CSRSparseMatrix.
logits - Variable in class org.tensorflow.op.nn.LogSoftmax.Inputs
2-D with shape [batch_size, num_classes].
logits - Variable in class org.tensorflow.op.nn.Softmax.Inputs
2-D with shape [batch_size, num_classes].
logits - Variable in class org.tensorflow.op.random.Multinomial.Inputs
2-D Tensor with shape [batch_size, num_classes].
logits - Variable in class org.tensorflow.op.random.StatelessMultinomial.Inputs
2-D Tensor with shape [batch_size, num_classes].
logMatrixDeterminant(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Computes the sign and the log of the absolute value of the determinant of one or more square matrices.
LogMatrixDeterminant<T extends TType> - Class in org.tensorflow.op.linalg
Computes the sign and the log of the absolute value of the determinant of one or more square matrices.
LogMatrixDeterminant(Operation) - Constructor for class org.tensorflow.op.linalg.LogMatrixDeterminant
 
LogMatrixDeterminant.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
logProbability() - Method in class org.tensorflow.op.nn.CtcBeamSearchDecoder
Gets logProbability.
logProbability() - Method in class org.tensorflow.op.nn.CtcGreedyDecoder
Gets logProbability.
logsoftmax() - Method in class org.tensorflow.op.nn.LogSoftmax
Gets logsoftmax.
logSoftmax(Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes log softmax activations.
LogSoftmax<T extends TNumber> - Class in org.tensorflow.op.nn
Computes log softmax activations.
LogSoftmax(Operation) - Constructor for class org.tensorflow.op.nn.LogSoftmax
 
LogSoftmax.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
logUniformCandidateSampler(Operand<TInt64>, Long, Long, Boolean, Long, LogUniformCandidateSampler.Options...) - Method in class org.tensorflow.op.RandomOps
Generates labels for candidate sampling with a log-uniform distribution.
LogUniformCandidateSampler - Class in org.tensorflow.op.random
Generates labels for candidate sampling with a log-uniform distribution.
LogUniformCandidateSampler(Operation) - Constructor for class org.tensorflow.op.random.LogUniformCandidateSampler
 
LogUniformCandidateSampler.Inputs - Class in org.tensorflow.op.random
 
LogUniformCandidateSampler.Options - Class in org.tensorflow.op.random
Optional attributes for LogUniformCandidateSampler
logWarning - Variable in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset.Inputs
The logWarning attribute
logWarning - Variable in class org.tensorflow.op.data.IgnoreErrorsDataset.Inputs
The logWarning attribute
logWarning(Boolean) - Static method in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset
Sets the logWarning option.
logWarning(Boolean) - Method in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset.Options
Sets the logWarning option.
logWarning(Boolean) - Static method in class org.tensorflow.op.data.IgnoreErrorsDataset
Sets the logWarning option.
logWarning(Boolean) - Method in class org.tensorflow.op.data.IgnoreErrorsDataset.Options
Sets the logWarning option.
lookupId - Variable in class org.tensorflow.op.tpu.EmbeddingActivations.Inputs
Identifier of the set of embedding indices which produced these activations.
lookupId - Variable in class org.tensorflow.op.tpu.TPUEmbeddingActivations.Inputs
Deprecated.
Identifier of the set of embedding indices which produced these activations.
lookupTableExport(Operand<? extends TType>, Class<T>, Class<U>) - Method in class org.tensorflow.op.Ops
Outputs all keys and values in the table.
LookupTableExport<T extends TType,U extends TType> - Class in org.tensorflow.op.core
Outputs all keys and values in the table.
LookupTableExport(Operation) - Constructor for class org.tensorflow.op.core.LookupTableExport
 
LookupTableExport.Inputs - Class in org.tensorflow.op.core
 
lookupTableFind(Operand<? extends TType>, Operand<? extends TType>, Operand<U>) - Method in class org.tensorflow.op.Ops
Looks up keys in a table, outputs the corresponding values.
LookupTableFind<U extends TType> - Class in org.tensorflow.op.core
Looks up keys in a table, outputs the corresponding values.
LookupTableFind(Operation) - Constructor for class org.tensorflow.op.core.LookupTableFind
 
LookupTableFind.Inputs<U extends TType> - Class in org.tensorflow.op.core
 
lookupTableImport(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Replaces the contents of the table with the specified keys and values.
LookupTableImport - Class in org.tensorflow.op.core
Replaces the contents of the table with the specified keys and values.
LookupTableImport(Operation) - Constructor for class org.tensorflow.op.core.LookupTableImport
 
LookupTableImport.Inputs - Class in org.tensorflow.op.core
 
lookupTableInsert(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Updates the table to associates keys with values.
LookupTableInsert - Class in org.tensorflow.op.core
Updates the table to associates keys with values.
LookupTableInsert(Operation) - Constructor for class org.tensorflow.op.core.LookupTableInsert
 
LookupTableInsert.Inputs - Class in org.tensorflow.op.core
 
lookupTableRemove(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Removes keys and its associated values from a table.
LookupTableRemove - Class in org.tensorflow.op.core
Removes keys and its associated values from a table.
LookupTableRemove(Operation) - Constructor for class org.tensorflow.op.core.LookupTableRemove
 
LookupTableRemove.Inputs - Class in org.tensorflow.op.core
 
lookupTableSize(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Computes the number of elements in the given table.
LookupTableSize - Class in org.tensorflow.op.core
Computes the number of elements in the given table.
LookupTableSize(Operation) - Constructor for class org.tensorflow.op.core.LookupTableSize
 
LookupTableSize.Inputs - Class in org.tensorflow.op.core
 
loopCond(Operand<TBool>) - Method in class org.tensorflow.op.Ops
Forwards the input to the output.
LoopCond - Class in org.tensorflow.op.core
Forwards the input to the output.
LoopCond(Operation) - Constructor for class org.tensorflow.op.core.LoopCond
 
LoopCond.Inputs - Class in org.tensorflow.op.core
 
loss() - Method in class org.tensorflow.op.nn.CtcLoss
Gets loss.
loss() - Method in class org.tensorflow.op.nn.CTCLossV2
Gets loss.
loss() - Method in class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits
Gets loss.
loss() - Method in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits
Gets loss.
lossType - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
Type of the primal loss.
lower - Variable in class org.tensorflow.op.linalg.BandedTriangularSolve.Inputs
The lower attribute
lower - Variable in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Inputs
The lower attribute
lower - Variable in class org.tensorflow.op.linalg.TriangularSolve.Inputs
Boolean indicating whether the innermost matrices in matrix are lower or upper triangular.
lower(Boolean) - Static method in class org.tensorflow.op.linalg.BandedTriangularSolve
Sets the lower option.
lower(Boolean) - Method in class org.tensorflow.op.linalg.BandedTriangularSolve.Options
Sets the lower option.
lower(Boolean) - Static method in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve
Sets the lower option.
lower(Boolean) - Method in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Options
Sets the lower option.
lower(Boolean) - Static method in class org.tensorflow.op.linalg.TriangularSolve
Sets the lower option.
lower(Boolean) - Method in class org.tensorflow.op.linalg.TriangularSolve.Options
Sets the lower option.
lower(Operand<TString>, Lower.Options...) - Method in class org.tensorflow.op.StringsOps
Converts all uppercase characters into their respective lowercase replacements.
Lower - Class in org.tensorflow.op.strings
Converts all uppercase characters into their respective lowercase replacements.
Lower(Operation) - Constructor for class org.tensorflow.op.strings.Lower
 
Lower.Inputs - Class in org.tensorflow.op.strings
 
Lower.Options - Class in org.tensorflow.op.strings
Optional attributes for Lower
lowerBound(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Applies lower_bound(sorted_search_values, values) along each row.
lowerBound(Operand<T>, Operand<T>, Class<U>) - Method in class org.tensorflow.op.Ops
Applies lower_bound(sorted_search_values, values) along each row.
LowerBound<U extends TNumber> - Class in org.tensorflow.op.core
Applies lower_bound(sorted_search_values, values) along each row.
LowerBound(Operation) - Constructor for class org.tensorflow.op.core.LowerBound
 
LowerBound.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
lowerFrequencyLimit - Variable in class org.tensorflow.op.audio.Mfcc.Inputs
The lowest frequency to use when calculating the ceptstrum.
lowerFrequencyLimit(Float) - Static method in class org.tensorflow.op.audio.Mfcc
Sets the lowerFrequencyLimit option.
lowerFrequencyLimit(Float) - Method in class org.tensorflow.op.audio.Mfcc.Options
Sets the lowerFrequencyLimit option.
lowPriorityAllowedBatchSizes - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
The lowPriorityAllowedBatchSizes attribute
lowPriorityAllowedBatchSizes(Long...) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the lowPriorityAllowedBatchSizes option.
lowPriorityAllowedBatchSizes(Long...) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the lowPriorityAllowedBatchSizes option.
lowPriorityAllowedBatchSizes(List<Long>) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the lowPriorityAllowedBatchSizes option.
lowPriorityAllowedBatchSizes(List<Long>) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the lowPriorityAllowedBatchSizes option.
lowPriorityBatchTimeoutMicros - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
The lowPriorityBatchTimeoutMicros attribute
lowPriorityBatchTimeoutMicros(Long) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the lowPriorityBatchTimeoutMicros option.
lowPriorityBatchTimeoutMicros(Long) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the lowPriorityBatchTimeoutMicros option.
lowPriorityMaxBatchSize - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
The lowPriorityMaxBatchSize attribute
lowPriorityMaxBatchSize(Long) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the lowPriorityMaxBatchSize option.
lowPriorityMaxBatchSize(Long) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the lowPriorityMaxBatchSize option.
lowPriorityMaxEnqueuedBatches - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
The lowPriorityMaxEnqueuedBatches attribute
lowPriorityMaxEnqueuedBatches(Long) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the lowPriorityMaxEnqueuedBatches option.
lowPriorityMaxEnqueuedBatches(Long) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the lowPriorityMaxEnqueuedBatches option.
lr - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyAdagrad.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.NegTrain.Inputs
The lr input
lr - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
Scaling factor.
lr - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
Learning rate.
lr - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
Scaling factor.
lrPower - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
Scaling factor.
lrPower - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
Scaling factor.
lrPower - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
Scaling factor.
lrPower - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
Scaling factor.
lSTMBlockCell(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, LSTMBlockCell.Options...) - Method in class org.tensorflow.op.NnOps
Computes the LSTM cell forward propagation for 1 time step.
LSTMBlockCell<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the LSTM cell forward propagation for 1 time step.
LSTMBlockCell(Operation) - Constructor for class org.tensorflow.op.nn.LSTMBlockCell
 
LSTMBlockCell.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
LSTMBlockCell.Options - Class in org.tensorflow.op.nn
Optional attributes for LSTMBlockCell
lSTMBlockCellGrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Boolean) - Method in class org.tensorflow.op.NnOps
Computes the LSTM cell backward propagation for 1 timestep.
LSTMBlockCellGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes the LSTM cell backward propagation for 1 timestep.
LSTMBlockCellGrad(Operation) - Constructor for class org.tensorflow.op.nn.LSTMBlockCellGrad
 
LSTMBlockCellGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
lu() - Method in class org.tensorflow.op.linalg.Lu
Gets lu.
lu(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Computes the LU decomposition of one or more square matrices.
lu(Operand<T>, Class<U>) - Method in class org.tensorflow.op.LinalgOps
Computes the LU decomposition of one or more square matrices.
Lu<T extends TType,U extends TNumber> - Class in org.tensorflow.op.linalg
Computes the LU decomposition of one or more square matrices.
Lu(Operation) - Constructor for class org.tensorflow.op.linalg.Lu
 
Lu.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 

M

m - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
A 1D mean Tensor with size matching the last dimension of t.
m - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
A 1D mean Tensor with size matching the last dimension of t.
m - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
A 1D mean Tensor with size matching the last dimension of t.
m - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The m input
m - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
Should be from a Variable().
m - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
Should be from a Variable().
m() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
Gets m.
magnitudeSquared - Variable in class org.tensorflow.op.audio.AudioSpectrogram.Inputs
Whether to return the squared magnitude or just the magnitude.
magnitudeSquared(Boolean) - Static method in class org.tensorflow.op.audio.AudioSpectrogram
Sets the magnitudeSquared option.
magnitudeSquared(Boolean) - Method in class org.tensorflow.op.audio.AudioSpectrogram.Options
Sets the magnitudeSquared option.
maindiag - Variable in class org.tensorflow.op.linalg.TridiagonalMatMul.Inputs
Tensor of shape [..., 1, M], representing main diagonals of tri-diagonal matrices to the left of multiplication.
makeIterator(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Makes a new iterator from the given dataset and stores it in iterator.
MakeIterator - Class in org.tensorflow.op.data
Makes a new iterator from the given dataset and stores it in iterator.
MakeIterator(Operation) - Constructor for class org.tensorflow.op.data.MakeIterator
 
MakeIterator.Inputs - Class in org.tensorflow.op.data
 
makeOpName(String) - Method in class org.tensorflow.op.NativeScope
 
makeOpName(String) - Method in class org.tensorflow.op.OpScope
 
makeOpName(String) - Method in interface org.tensorflow.op.Scope
Create a unique name for an operator and reserves it, using a provided default if necessary.
makeUnique(String) - Method in class org.tensorflow.op.NativeScope
 
makeUnique(String) - Method in class org.tensorflow.op.OpScope
 
makeUnique(String) - Method in interface org.tensorflow.op.Scope
Makes a unique name from id and reserves it.
makeUnique(Operand<TFloat32>) - Method in class org.tensorflow.op.Ops
Make all elements in the non-Batch dimension unique, but "close" to their initial value.
MakeUnique - Class in org.tensorflow.op.core
Make all elements in the non-Batch dimension unique, but "close" to their initial value.
MakeUnique(Operation) - Constructor for class org.tensorflow.op.core.MakeUnique
 
MakeUnique.Inputs - Class in org.tensorflow.op.core
 
mapAndBatchDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapAndBatchDataset.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that fuses mapping with batching.
mapAndBatchDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapAndBatchDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that fuses mapping with batching.
MapAndBatchDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that fuses mapping with batching.
MapAndBatchDataset - Class in org.tensorflow.op.data
Creates a dataset that fuses mapping with batching.
MapAndBatchDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.MapAndBatchDataset
 
MapAndBatchDataset(Operation) - Constructor for class org.tensorflow.op.data.MapAndBatchDataset
 
MapAndBatchDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
MapAndBatchDataset.Inputs - Class in org.tensorflow.op.data
 
MapAndBatchDataset.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for MapAndBatchDataset
MapAndBatchDataset.Options - Class in org.tensorflow.op.data
Optional attributes for MapAndBatchDataset
mapClear(List<Class<? extends TType>>, MapClear.Options...) - Method in class org.tensorflow.op.Ops
Op removes all elements in the underlying container.
MapClear - Class in org.tensorflow.op.core
Op removes all elements in the underlying container.
MapClear(Operation) - Constructor for class org.tensorflow.op.core.MapClear
 
MapClear.Inputs - Class in org.tensorflow.op.core
 
MapClear.Options - Class in org.tensorflow.op.core
Optional attributes for MapClear
mapDataset(Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapDataset.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that applies f to the outputs of input_dataset.
mapDataset(Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, MapDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that applies f to the outputs of input_dataset.
MapDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that applies f to the outputs of input_dataset.
MapDataset - Class in org.tensorflow.op.data
Creates a dataset that applies f to the outputs of input_dataset.
MapDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.MapDataset
 
MapDataset(Operation) - Constructor for class org.tensorflow.op.data.MapDataset
 
MapDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
MapDataset.Inputs - Class in org.tensorflow.op.data
 
MapDataset.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for MapDataset
MapDataset.Options - Class in org.tensorflow.op.data
Optional attributes for MapDataset
mapDefun(Iterable<Operand<?>>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, MapDefun.Options...) - Method in class org.tensorflow.op.Ops
Maps a function on the list of tensors unpacked from arguments on dimension 0.
MapDefun - Class in org.tensorflow.op.core
Maps a function on the list of tensors unpacked from arguments on dimension 0.
MapDefun(Operation) - Constructor for class org.tensorflow.op.core.MapDefun
 
MapDefun.Inputs - Class in org.tensorflow.op.core
 
MapDefun.Options - Class in org.tensorflow.op.core
Optional attributes for MapDefun
mapDense(RawTensor) - Method in class org.tensorflow.TensorMapper
Maps the provided dense raw tensor as a tensor of type T.
mapIncompleteSize(List<Class<? extends TType>>, MapIncompleteSize.Options...) - Method in class org.tensorflow.op.Ops
Op returns the number of incomplete elements in the underlying container.
MapIncompleteSize - Class in org.tensorflow.op.core
Op returns the number of incomplete elements in the underlying container.
MapIncompleteSize(Operation) - Constructor for class org.tensorflow.op.core.MapIncompleteSize
 
MapIncompleteSize.Inputs - Class in org.tensorflow.op.core
 
MapIncompleteSize.Options - Class in org.tensorflow.op.core
Optional attributes for MapIncompleteSize
mapPeek(Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, MapPeek.Options...) - Method in class org.tensorflow.op.Ops
Op peeks at the values at the specified key.
MapPeek - Class in org.tensorflow.op.core
Op peeks at the values at the specified key.
MapPeek(Operation) - Constructor for class org.tensorflow.op.core.MapPeek
 
MapPeek.Inputs - Class in org.tensorflow.op.core
 
MapPeek.Options - Class in org.tensorflow.op.core
Optional attributes for MapPeek
mapperClass() - Element in annotation type org.tensorflow.types.annotation.TensorType
The class of the TensorMapper to allocate and use for mapping tensors of this type
mapSize(List<Class<? extends TType>>, MapSize.Options...) - Method in class org.tensorflow.op.Ops
Op returns the number of elements in the underlying container.
MapSize - Class in org.tensorflow.op.core
Op returns the number of elements in the underlying container.
MapSize(Operation) - Constructor for class org.tensorflow.op.core.MapSize
 
MapSize.Inputs - Class in org.tensorflow.op.core
 
MapSize.Options - Class in org.tensorflow.op.core
Optional attributes for MapSize
mapSparse(TInt64, T, TInt64, PointerScope) - Method in class org.tensorflow.TensorMapper
Maps the provided dense tensors as a sparse tensor of type T.
mapStage(Operand<TInt64>, Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, MapStage.Options...) - Method in class org.tensorflow.op.Ops
Stage (key, values) in the underlying container which behaves like a hashtable.
MapStage - Class in org.tensorflow.op.core
Stage (key, values) in the underlying container which behaves like a hashtable.
MapStage(Operation) - Constructor for class org.tensorflow.op.core.MapStage
 
MapStage.Inputs - Class in org.tensorflow.op.core
 
MapStage.Options - Class in org.tensorflow.op.core
Optional attributes for MapStage
mapUnstage(Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, MapUnstage.Options...) - Method in class org.tensorflow.op.Ops
Op removes and returns the values associated with the key from the underlying container.
MapUnstage - Class in org.tensorflow.op.core
Op removes and returns the values associated with the key from the underlying container.
MapUnstage(Operation) - Constructor for class org.tensorflow.op.core.MapUnstage
 
MapUnstage.Inputs - Class in org.tensorflow.op.core
 
MapUnstage.Options - Class in org.tensorflow.op.core
Optional attributes for MapUnstage
mapUnstageNoKey(Operand<TInt32>, List<Class<? extends TType>>, MapUnstageNoKey.Options...) - Method in class org.tensorflow.op.Ops
Op removes and returns a random (key, value) from the underlying container.
MapUnstageNoKey - Class in org.tensorflow.op.core
Op removes and returns a random (key, value) from the underlying container.
MapUnstageNoKey(Operation) - Constructor for class org.tensorflow.op.core.MapUnstageNoKey
 
MapUnstageNoKey.Inputs - Class in org.tensorflow.op.core
 
MapUnstageNoKey.Options - Class in org.tensorflow.op.core
Optional attributes for MapUnstageNoKey
matchingFiles(Operand<TString>) - Method in class org.tensorflow.op.IoOps
Returns the set of files matching one or more glob patterns.
MatchingFiles - Class in org.tensorflow.op.io
Returns the set of files matching one or more glob patterns.
MatchingFiles(Operation) - Constructor for class org.tensorflow.op.io.MatchingFiles
 
MatchingFiles.Inputs - Class in org.tensorflow.op.io
 
matchingFilesDataset(Operand<TString>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalMatchingFilesDataset operation
matchingFilesDataset(Operand<TString>) - Method in class org.tensorflow.op.DataOps
The MatchingFilesDataset operation
MatchingFilesDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalMatchingFilesDataset operation
MatchingFilesDataset - Class in org.tensorflow.op.data
The MatchingFilesDataset operation
MatchingFilesDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.MatchingFilesDataset
 
MatchingFilesDataset(Operation) - Constructor for class org.tensorflow.op.data.MatchingFilesDataset
 
MatchingFilesDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
MatchingFilesDataset.Inputs - Class in org.tensorflow.op.data
 
math - Variable in class org.tensorflow.op.Ops
 
MathOps - Class in org.tensorflow.op
An API for building math operations as Ops
MathSpecialOps - Class in org.tensorflow.op
An API for building math.special operations as Ops
matMul(Operand<T>, Operand<T>, MatMul.Options...) - Method in class org.tensorflow.op.LinalgOps
Multiply the matrix "a" by the matrix "b".
MatMul<T extends TType> - Class in org.tensorflow.op.linalg
Multiply the matrix "a" by the matrix "b".
MatMul(Operation) - Constructor for class org.tensorflow.op.linalg.MatMul
 
MatMul.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
MatMul.Options - Class in org.tensorflow.op.linalg
Optional attributes for MatMul
matrix - Variable in class org.tensorflow.op.linalg.BandedTriangularSolve.Inputs
The matrix input
matrix - Variable in class org.tensorflow.op.linalg.BatchMatrixSolve.Inputs
The matrix input
matrix - Variable in class org.tensorflow.op.linalg.BatchMatrixSolveLs.Inputs
The matrix input
matrix - Variable in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Inputs
The matrix input
matrix - Variable in class org.tensorflow.op.linalg.MatrixSolveLs.Inputs
Shape is [..., M, N].
matrix - Variable in class org.tensorflow.op.linalg.Solve.Inputs
Shape is [..., M, M].
matrix - Variable in class org.tensorflow.op.linalg.TriangularSolve.Inputs
Shape is [..., M, M].
matrixDiag(Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Returns a batched diagonal tensor with given batched diagonal values.
MatrixDiag<T extends TType> - Class in org.tensorflow.op.linalg
Returns a batched diagonal tensor with given batched diagonal values.
MatrixDiag(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixDiag
 
MatrixDiag.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
matrixDiagPart(Operand<T>, Operand<TInt32>, Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Returns the batched diagonal part of a batched tensor.
MatrixDiagPart<T extends TType> - Class in org.tensorflow.op.linalg
Returns the batched diagonal part of a batched tensor.
MatrixDiagPart(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixDiagPart
 
MatrixDiagPart.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
matrixDiagPartV3(Operand<T>, Operand<TInt32>, Operand<T>, MatrixDiagPartV3.Options...) - Method in class org.tensorflow.op.LinalgOps
Returns the batched diagonal part of a batched tensor.
MatrixDiagPartV3<T extends TType> - Class in org.tensorflow.op.linalg
Returns the batched diagonal part of a batched tensor.
MatrixDiagPartV3(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixDiagPartV3
 
MatrixDiagPartV3.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
MatrixDiagPartV3.Options - Class in org.tensorflow.op.linalg
Optional attributes for MatrixDiagPartV3
matrixDiagV3(Operand<T>, Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<T>, MatrixDiagV3.Options...) - Method in class org.tensorflow.op.LinalgOps
Returns a batched diagonal tensor with given batched diagonal values.
MatrixDiagV3<T extends TType> - Class in org.tensorflow.op.linalg
Returns a batched diagonal tensor with given batched diagonal values.
MatrixDiagV3(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixDiagV3
 
MatrixDiagV3.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
MatrixDiagV3.Options - Class in org.tensorflow.op.linalg
Optional attributes for MatrixDiagV3
matrixExponential(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Deprecated, use python implementation tf.linalg.matrix_exponential.
MatrixExponential<T extends TType> - Class in org.tensorflow.op.linalg
Deprecated, use python implementation tf.linalg.matrix_exponential.
MatrixExponential(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixExponential
 
MatrixExponential.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
matrixLogarithm(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Computes the matrix logarithm of one or more square matrices: \(log(exp(A)) = A\)
MatrixLogarithm<T extends TType> - Class in org.tensorflow.op.linalg
Computes the matrix logarithm of one or more square matrices: \(log(exp(A)) = A\)
MatrixLogarithm(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixLogarithm
 
MatrixLogarithm.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
matrixSetDiag(Operand<T>, Operand<T>, Operand<TInt32>, MatrixSetDiag.Options...) - Method in class org.tensorflow.op.LinalgOps
Returns a batched matrix tensor with new batched diagonal values.
MatrixSetDiag<T extends TType> - Class in org.tensorflow.op.linalg
Returns a batched matrix tensor with new batched diagonal values.
MatrixSetDiag(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixSetDiag
 
MatrixSetDiag.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
MatrixSetDiag.Options - Class in org.tensorflow.op.linalg
Optional attributes for MatrixSetDiag
matrixSolveLs(Operand<T>, Operand<T>, Operand<TFloat64>, MatrixSolveLs.Options...) - Method in class org.tensorflow.op.LinalgOps
Solves one or more linear least-squares problems.
MatrixSolveLs<T extends TType> - Class in org.tensorflow.op.linalg
Solves one or more linear least-squares problems.
MatrixSolveLs(Operation) - Constructor for class org.tensorflow.op.linalg.MatrixSolveLs
 
MatrixSolveLs.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
MatrixSolveLs.Options - Class in org.tensorflow.op.linalg
Optional attributes for MatrixSolveLs
max - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
The min value(s) to clip operand.
max - Variable in class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
The max input
max - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Inputs
The max attribute
max - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Inputs
The max attribute
max - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Inputs
The max input
max - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Inputs
The max input
max - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Inputs
The max input
max - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Inputs
The max input
max(Float) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
Sets the max option.
max(Float) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Options
Sets the max option.
max(Float) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
Sets the max option.
max(Float) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Options
Sets the max option.
max(Operand<T>, Operand<? extends TNumber>, Max.Options...) - Method in class org.tensorflow.op.Ops
Computes the maximum of elements across dimensions of a tensor.
Max<T extends TNumber> - Class in org.tensorflow.op.core
Computes the maximum of elements across dimensions of a tensor.
Max(Operation) - Constructor for class org.tensorflow.op.core.Max
 
Max.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
Max.Options - Class in org.tensorflow.op.core
Optional attributes for Max
maxA - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The float value that the highest quantized a value represents.
maxA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The float value that the highest quantized a value represents.
maxA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
The float value that the highest quantized a value represents.
maxA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The float value that the highest quantized a value represents.
maxA - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The maxA input
maxA - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The maxA input
maxActivations() - Method in class org.tensorflow.op.nn.QuantizedRelu
Gets maxActivations.
maxActivations() - Method in class org.tensorflow.op.nn.QuantizedRelu6
Gets maxActivations.
maxActivations() - Method in class org.tensorflow.op.nn.QuantizedReluX
Gets maxActivations.
maxAttempts - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
Number of attempts at generating a cropped region of the image of the specified constraints.
maxAttempts - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
Number of attempts at generating a cropped region of the image of the specified constraints.
maxAttempts(Long) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the maxAttempts option.
maxAttempts(Long) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the maxAttempts option.
maxAttempts(Long) - Static method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Sets the maxAttempts option.
maxAttempts(Long) - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Options
Sets the maxAttempts option.
maxB - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The float value that the highest quantized b value represents.
maxB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The float value that the highest quantized b value represents.
maxB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
The float value that the highest quantized b value represents.
maxB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The float value that the highest quantized b value represents.
maxB - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The maxB input
maxB - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The maxB input
maxBatchSize - Variable in class org.tensorflow.op.core.Batch.Inputs
The maxBatchSize attribute
maxBatchSize - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
Batch sizes will never be bigger than this.
maxBias - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The float value that the highest quantized bias value represents.
maxBufferSize - Variable in class org.tensorflow.op.data.MultiDeviceIteratorInit.Inputs
The maximum size of the host side per device buffer to keep.
maxEnqueuedBatches - Variable in class org.tensorflow.op.core.Batch.Inputs
The maxEnqueuedBatches attribute
maxEnqueuedBatches - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
Maximum number of batches enqueued.
maxEnqueuedBatches(Long) - Static method in class org.tensorflow.op.core.Batch
Sets the maxEnqueuedBatches option.
maxEnqueuedBatches(Long) - Method in class org.tensorflow.op.core.Batch.Options
Sets the maxEnqueuedBatches option.
maxEnqueuedBatches(Long) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the maxEnqueuedBatches option.
maxEnqueuedBatches(Long) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the maxEnqueuedBatches option.
maxFeatures - Variable in class org.tensorflow.op.nn.QuantizedRelu.Inputs
The float value that the highest quantized value represents.
maxFeatures - Variable in class org.tensorflow.op.nn.QuantizedRelu6.Inputs
The float value that the highest quantized value represents.
maxFeatures - Variable in class org.tensorflow.op.nn.QuantizedReluX.Inputs
The float value that the highest quantized value represents.
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The float value that the highest quantized filter value represents.
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The maximum value of the filter tensor.
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The maxFilter input
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The float value that the maximum quantized filter value represents.
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The float value that the maximum quantized filter value represents.
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The float value that the maximum quantized filter value represents.
maxFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The float value that the maximum quantized filter value represents.
maxFreezedOutput - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The maximum float value of the output tensor.
maxFreezedOutput - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The maxFreezedOutput input
maxFreezedOutput - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The maxFreezedOutput input
maxIds - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The maxIds input
maxIds() - Method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Gets maxIds.
maxIdsPerChipPerSample - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The maxIdsPerChipPerSample attribute
maxIdsPerPartition - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The maxIdsPerPartition attribute
maxImages - Variable in class org.tensorflow.op.summary.ImageSummary.Inputs
Max number of batch elements to generate images for.
maxImages - Variable in class org.tensorflow.op.summary.WriteImageSummary.Inputs
The maxImages attribute
maxImages(Long) - Static method in class org.tensorflow.op.summary.ImageSummary
Sets the maxImages option.
maxImages(Long) - Method in class org.tensorflow.op.summary.ImageSummary.Options
Sets the maxImages option.
maxImages(Long) - Static method in class org.tensorflow.op.summary.WriteImageSummary
Sets the maxImages option.
maxImages(Long) - Method in class org.tensorflow.op.summary.WriteImageSummary.Options
Sets the maxImages option.
maximum(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the max of x and y (i.e.
Maximum<T extends TNumber> - Class in org.tensorflow.op.math
Returns the max of x and y (i.e.
Maximum(Operation) - Constructor for class org.tensorflow.op.math.Maximum
 
Maximum.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
maxIndex - Variable in class org.tensorflow.op.core.RandomIndexShuffle.Inputs
A scalar tensor or vector of dtype dtype.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
The float value that the highest quantized input value represents.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The float value that the highest quantized input value represents.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The float value that the highest quantized input value represents.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The maximum value of the input tensor.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The maxInput input
maxInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The float value that the maximum quantized input value represents.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The float value that the maximum quantized input value represents.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The float value that the maximum quantized input value represents.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The float value that the maximum quantized input value represents.
maxInput - Variable in class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
The float value that the highest quantized input value represents.
maxIntraOpParallelism - Variable in class org.tensorflow.op.core.MapDefun.Inputs
The maxIntraOpParallelism attribute
maxIntraOpParallelism - Variable in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset.Inputs
Identifies the maximum intra-op parallelism to use.
maxIntraOpParallelism - Variable in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Inputs
The maximum degree of parallelism to use within operations that execute on this threadpool.
maxIntraOpParallelism - Variable in class org.tensorflow.op.data.MaxIntraOpParallelismDataset.Inputs
Identifies the maximum intra-op parallelism to use.
maxIntraOpParallelism - Variable in class org.tensorflow.op.data.ThreadPoolHandle.Inputs
The maximum degree of parallelism to use within operations that execute on this threadpool.
maxIntraOpParallelism(Long) - Static method in class org.tensorflow.op.core.MapDefun
Sets the maxIntraOpParallelism option.
maxIntraOpParallelism(Long) - Method in class org.tensorflow.op.core.MapDefun.Options
Sets the maxIntraOpParallelism option.
maxIntraOpParallelism(Long) - Static method in class org.tensorflow.op.data.experimental.ThreadPoolHandle
Sets the maxIntraOpParallelism option.
maxIntraOpParallelism(Long) - Method in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Options
Sets the maxIntraOpParallelism option.
maxIntraOpParallelism(Long) - Static method in class org.tensorflow.op.data.ThreadPoolHandle
Sets the maxIntraOpParallelism option.
maxIntraOpParallelism(Long) - Method in class org.tensorflow.op.data.ThreadPoolHandle.Options
Sets the maxIntraOpParallelism option.
maxIntraOpParallelismDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that overrides the maximum intra-op parallelism.
maxIntraOpParallelismDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that overrides the maximum intra-op parallelism.
MaxIntraOpParallelismDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that overrides the maximum intra-op parallelism.
MaxIntraOpParallelismDataset - Class in org.tensorflow.op.data
Creates a dataset that overrides the maximum intra-op parallelism.
MaxIntraOpParallelismDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset
 
MaxIntraOpParallelismDataset(Operation) - Constructor for class org.tensorflow.op.data.MaxIntraOpParallelismDataset
 
MaxIntraOpParallelismDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
MaxIntraOpParallelismDataset.Inputs - Class in org.tensorflow.op.data
 
maxlength - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
Maximum value to count.
maxlength - Variable in class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
Maximum value to count.
maxlength - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Maximum value to count.
maxlength(Long) - Static method in class org.tensorflow.op.ragged.RaggedCountSparseOutput
Sets the maxlength option.
maxlength(Long) - Method in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Options
Sets the maxlength option.
maxlength(Long) - Static method in class org.tensorflow.op.sparse.DenseCountSparseOutput
Sets the maxlength option.
maxlength(Long) - Method in class org.tensorflow.op.sparse.DenseCountSparseOutput.Options
Sets the maxlength option.
maxlength(Long) - Static method in class org.tensorflow.op.sparse.SparseCountSparseOutput
Sets the maxlength option.
maxlength(Long) - Method in class org.tensorflow.op.sparse.SparseCountSparseOutput.Options
Sets the maxlength option.
maxLoadFactor - Variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
The maximum ratio between number of entries and number of buckets before growing the table.
maxLoadFactor - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
The maximum ratio between number of entries and number of buckets before growing the table.
maxLoadFactor(Float) - Static method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable
Sets the maxLoadFactor option.
maxLoadFactor(Float) - Method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Options
Sets the maxLoadFactor option.
maxLoadFactor(Float) - Static method in class org.tensorflow.op.core.MutableDenseHashTable
Sets the maxLoadFactor option.
maxLoadFactor(Float) - Method in class org.tensorflow.op.core.MutableDenseHashTable.Options
Sets the maxLoadFactor option.
maxMinibatchesPerSc - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The maxMinibatchesPerSc attribute
maxNumElements - Variable in class org.tensorflow.op.core.EmptyTensorList.Inputs
The maxNumElements input
maxOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMul
Gets maxOut.
maxOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
Gets maxOut.
maxOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
Gets maxOut.
maxOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
Gets maxOut.
maxOut() - Method in class org.tensorflow.op.nn.QuantizedBiasAdd
Gets maxOut.
maxOut() - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
Gets maxOut.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedAvgPool
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2d
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Gets maxOutput.
maxOutput() - Method in class org.tensorflow.op.nn.QuantizedMaxPool
Gets maxOutput.
maxOutputs - Variable in class org.tensorflow.op.summary.AudioSummary.Inputs
Max number of batch elements to generate audio for.
maxOutputs - Variable in class org.tensorflow.op.summary.WriteAudioSummary.Inputs
The maxOutputs attribute
maxOutputs(Long) - Static method in class org.tensorflow.op.summary.AudioSummary
Sets the maxOutputs option.
maxOutputs(Long) - Method in class org.tensorflow.op.summary.AudioSummary.Options
Sets the maxOutputs option.
maxOutputs(Long) - Static method in class org.tensorflow.op.summary.WriteAudioSummary
Sets the maxOutputs option.
maxOutputs(Long) - Method in class org.tensorflow.op.summary.WriteAudioSummary.Options
Sets the maxOutputs option.
maxOutputSize - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
A scalar integer tensor representing the maximum number of boxes to be selected by non max suppression.
maxOutputSize - Variable in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps.Inputs
A scalar integer tensor representing the maximum number of boxes to be selected by non max suppression.
maxOutputSizePerClass - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
A scalar integer tensor representing the maximum number of boxes to be selected by non max suppression per class
maxOutstandingRequests - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The maxOutstandingRequests input
maxPool(Operand<T>, Operand<TInt32>, Operand<TInt32>, String, MaxPool.Options...) - Method in class org.tensorflow.op.NnOps
Performs max pooling on the input.
MaxPool<T extends TNumber> - Class in org.tensorflow.op.nn
Performs max pooling on the input.
MaxPool(Operation) - Constructor for class org.tensorflow.op.nn.MaxPool
 
MaxPool.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPool.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPool
maxPool3d(Operand<T>, List<Long>, List<Long>, String, MaxPool3d.Options...) - Method in class org.tensorflow.op.NnOps
Performs 3D max pooling on the input.
MaxPool3d<T extends TNumber> - Class in org.tensorflow.op.nn
Performs 3D max pooling on the input.
MaxPool3d(Operation) - Constructor for class org.tensorflow.op.nn.MaxPool3d
 
MaxPool3d.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPool3d.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPool3d
maxPool3dGrad(Operand<T>, Operand<T>, Operand<U>, List<Long>, List<Long>, String, MaxPool3dGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes gradients of 3D max pooling function.
MaxPool3dGrad<U extends TNumber> - Class in org.tensorflow.op.nn
Computes gradients of 3D max pooling function.
MaxPool3dGrad(Operation) - Constructor for class org.tensorflow.op.nn.MaxPool3dGrad
 
MaxPool3dGrad.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPool3dGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPool3dGrad
maxPool3dGradGrad(Operand<T>, Operand<T>, Operand<T>, List<Long>, List<Long>, String, MaxPool3dGradGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes second-order gradients of the maxpooling function.
MaxPool3dGradGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes second-order gradients of the maxpooling function.
MaxPool3dGradGrad(Operation) - Constructor for class org.tensorflow.op.nn.MaxPool3dGradGrad
 
MaxPool3dGradGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPool3dGradGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPool3dGradGrad
maxPoolGrad(Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, Operand<TInt32>, String, MaxPoolGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes gradients of the maxpooling function.
MaxPoolGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradients of the maxpooling function.
MaxPoolGrad(Operation) - Constructor for class org.tensorflow.op.nn.MaxPoolGrad
 
MaxPoolGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPoolGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPoolGrad
maxPoolGradGrad(Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, Operand<TInt32>, String, MaxPoolGradGrad.Options...) - Method in class org.tensorflow.op.NnOps
Computes second-order gradients of the maxpooling function.
MaxPoolGradGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes second-order gradients of the maxpooling function.
MaxPoolGradGrad(Operation) - Constructor for class org.tensorflow.op.nn.MaxPoolGradGrad
 
MaxPoolGradGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPoolGradGrad.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPoolGradGrad
maxPoolGradGradWithArgmax(Operand<T>, Operand<T>, Operand<? extends TNumber>, List<Long>, List<Long>, String, MaxPoolGradGradWithArgmax.Options...) - Method in class org.tensorflow.op.NnOps
Computes second-order gradients of the maxpooling function.
MaxPoolGradGradWithArgmax<T extends TNumber> - Class in org.tensorflow.op.nn
Computes second-order gradients of the maxpooling function.
MaxPoolGradGradWithArgmax(Operation) - Constructor for class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax
 
MaxPoolGradGradWithArgmax.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPoolGradGradWithArgmax.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPoolGradGradWithArgmax
maxPoolGradWithArgmax(Operand<T>, Operand<T>, Operand<? extends TNumber>, List<Long>, List<Long>, String, MaxPoolGradWithArgmax.Options...) - Method in class org.tensorflow.op.NnOps
Computes gradients of the maxpooling function.
MaxPoolGradWithArgmax<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradients of the maxpooling function.
MaxPoolGradWithArgmax(Operation) - Constructor for class org.tensorflow.op.nn.MaxPoolGradWithArgmax
 
MaxPoolGradWithArgmax.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPoolGradWithArgmax.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPoolGradWithArgmax
maxPoolWithArgmax(Operand<T>, List<Long>, List<Long>, Class<U>, String, MaxPoolWithArgmax.Options...) - Method in class org.tensorflow.op.NnOps
Performs max pooling on the input and outputs both max values and indices.
maxPoolWithArgmax(Operand<T>, List<Long>, List<Long>, String, MaxPoolWithArgmax.Options[]) - Method in class org.tensorflow.op.NnOps
Performs max pooling on the input and outputs both max values and indices.
MaxPoolWithArgmax<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.nn
Performs max pooling on the input and outputs both max values and indices.
MaxPoolWithArgmax(Operation) - Constructor for class org.tensorflow.op.nn.MaxPoolWithArgmax
 
MaxPoolWithArgmax.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
MaxPoolWithArgmax.Options - Class in org.tensorflow.op.nn
Optional attributes for MaxPoolWithArgmax
maxQueue - Variable in class org.tensorflow.op.summary.CreateSummaryFileWriter.Inputs
The maxQueue input
maxRange - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
The maximum scalar value possibly produced for the input.
maxRange - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The maximum value of the quantization range.
maxRowsInMemory - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
The maximum number of rows to load from the checkpoint at once.
maxRowsInMemory(Long) - Static method in class org.tensorflow.op.linalg.LoadAndRemapMatrix
Sets the maxRowsInMemory option.
maxRowsInMemory(Long) - Method in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Options
Sets the maxRowsInMemory option.
maxSequenceLengths - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The maxSequenceLengths attribute
maxSequenceLengths - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The maxSequenceLengths attribute
maxSequenceLengths - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
The maxSequenceLengths attribute
maxSequenceLengths(Long...) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
Sets the maxSequenceLengths option.
maxSequenceLengths(Long...) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the maxSequenceLengths option.
maxSequenceLengths(Long...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Sets the maxSequenceLengths option.
maxSequenceLengths(Long...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the maxSequenceLengths option.
maxSequenceLengths(Long...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Sets the maxSequenceLengths option.
maxSequenceLengths(Long...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Options
Sets the maxSequenceLengths option.
maxSequenceLengths(List<Long>) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
Sets the maxSequenceLengths option.
maxSequenceLengths(List<Long>) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the maxSequenceLengths option.
maxSequenceLengths(List<Long>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Sets the maxSequenceLengths option.
maxSequenceLengths(List<Long>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the maxSequenceLengths option.
maxSequenceLengths(List<Long>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Sets the maxSequenceLengths option.
maxSequenceLengths(List<Long>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Options
Sets the maxSequenceLengths option.
maxSize - Variable in class org.tensorflow.op.core.StackCreate.Inputs
The maximum size of the stack if non-negative.
maxsplit - Variable in class org.tensorflow.op.strings.StringSplit.Inputs
An int.
maxsplit(Long) - Static method in class org.tensorflow.op.strings.StringSplit
Sets the maxsplit option.
maxsplit(Long) - Method in class org.tensorflow.op.strings.StringSplit.Options
Sets the maxsplit option.
maxSubdivsPerDevice - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The maxSubdivsPerDevice attribute
maxSubdivsPerDevice(Long) - Static method in class org.tensorflow.op.collective.CollectiveReduceScatter
Sets the maxSubdivsPerDevice option.
maxSubdivsPerDevice(Long) - Method in class org.tensorflow.op.collective.CollectiveReduceScatter.Options
Sets the maxSubdivsPerDevice option.
maxSummand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The maxSummand input
maxSummand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The maxSummand input
maxTotalSize - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
An int32 scalar representing the maximum number of boxes retained over all classes.
maxUniqueIdsPerPartition - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The maxUniqueIdsPerPartition attribute
maxUniques - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The maxUniques input
maxUniques() - Method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Gets maxUniques.
maxval - Variable in class org.tensorflow.op.random.RandomUniformInt.Inputs
0-D.
maxval - Variable in class org.tensorflow.op.random.StatefulUniformInt.Inputs
Maximum value (exclusive, scalar).
maxval - Variable in class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
Maximum value (exclusive, scalar).
maxval - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
Maximum value (exclusive, scalar).
maxvals - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
The maximum cutoff.
maxvals - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The maximum cutoff.
maxValue - Variable in class org.tensorflow.op.nn.QuantizedReluX.Inputs
The maxValue input
maxX - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The float value that the highest quantized x value represents.
maxX - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The float value that the highest quantized x value represents.
maxY - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The float value that the highest quantized y value represents.
maxY - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The float value that the highest quantized y value represents.
maxZ() - Method in class org.tensorflow.op.math.QuantizedAdd
Gets maxZ.
maxZ() - Method in class org.tensorflow.op.math.QuantizedMul
Gets maxZ.
mayModifyVariables() - Method in class org.tensorflow.op.tpu.Compile
Gets mayModifyVariables.
mean - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
A 1D Tensor for population mean.
mean(Operand<T>, Operand<? extends TNumber>, Mean.Options...) - Method in class org.tensorflow.op.MathOps
Computes the mean of elements across dimensions of a tensor.
Mean<T extends TType> - Class in org.tensorflow.op.math
Computes the mean of elements across dimensions of a tensor.
Mean(Operation) - Constructor for class org.tensorflow.op.math.Mean
 
Mean.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
Mean.Options - Class in org.tensorflow.op.math
Optional attributes for Mean
means - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
The mean parameter of each batch.
means - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The mean parameter of each batch.
memoryConfig - Variable in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost.Inputs
A string-encoded memory config proto containing metadata about the memory allocations reserved for TPUEmbedding.
memoryConfig - Variable in class org.tensorflow.op.tpu.FinalizeTPUEmbedding.Inputs
A string-encoded memory config proto containing metadata about the memory allocations reserved for TPUEmbedding.
memoryConfig() - Method in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingMemory
Gets memoryConfig.
memoryConfigs - Variable in class org.tensorflow.op.tpu.CollateTPUEmbeddingMemory.Inputs
String-encoded memory config protos containing metadata about the memory allocations reserved for TPUEmbedding across all hosts.
memoryLimit - Variable in class org.tensorflow.op.core.MapClear.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.MapIncompleteSize.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.MapPeek.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.MapSize.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.MapStage.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.MapUnstage.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.MapUnstageNoKey.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.OrderedMapClear.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.OrderedMapIncompleteSize.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.OrderedMapPeek.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.OrderedMapSize.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.OrderedMapUnstage.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.Stage.Inputs
The maximum number of bytes allowed for Tensors in the Staging Area.
memoryLimit - Variable in class org.tensorflow.op.core.StageClear.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.StagePeek.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.StageSize.Inputs
The memoryLimit attribute
memoryLimit - Variable in class org.tensorflow.op.core.Unstage.Inputs
The memoryLimit attribute
memoryLimit(Long) - Static method in class org.tensorflow.op.core.MapClear
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.MapClear.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.MapIncompleteSize
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.MapIncompleteSize.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.MapPeek
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.MapPeek.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.MapSize
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.MapSize.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.MapStage
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.MapStage.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.MapUnstage
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.MapUnstage.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.MapUnstageNoKey
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.MapUnstageNoKey.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.OrderedMapClear
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.OrderedMapClear.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.OrderedMapIncompleteSize
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.OrderedMapIncompleteSize.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.OrderedMapPeek
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.OrderedMapPeek.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.OrderedMapSize
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.OrderedMapSize.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.OrderedMapStage
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.OrderedMapStage.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.OrderedMapUnstage
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.OrderedMapUnstage.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.OrderedMapUnstageNoKey
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.Stage
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.Stage.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.StageClear
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.StageClear.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.StagePeek
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.StagePeek.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.StageSize
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.StageSize.Options
Sets the memoryLimit option.
memoryLimit(Long) - Static method in class org.tensorflow.op.core.Unstage
Sets the memoryLimit option.
memoryLimit(Long) - Method in class org.tensorflow.op.core.Unstage.Options
Sets the memoryLimit option.
memoryRegionName - Variable in class org.tensorflow.op.core.ImmutableConst.Inputs
Name of readonly memory region used by the tensor, see NewReadOnlyMemoryRegionFromFile in tensorflow::Env.
merge(Iterable<Operand<T>>) - Method in class org.tensorflow.op.Ops
Forwards the value of an available tensor from inputs to output.
Merge<T extends TType> - Class in org.tensorflow.op.core
Forwards the value of an available tensor from inputs to output.
Merge(Operation) - Constructor for class org.tensorflow.op.core.Merge
 
Merge.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
merged() - Method in class org.tensorflow.op.core.DynamicStitch
Gets merged.
merged() - Method in class org.tensorflow.op.core.ParallelDynamicStitch
Gets merged.
mergeDedupData(Operand<? extends TNumber>, Operand<? extends TNumber>, String, MergeDedupData.Options...) - Method in class org.tensorflow.op.TpuOps
An op merges elements of integer and float tensors into deduplication data as XLA tuple.
MergeDedupData - Class in org.tensorflow.op.tpu
An op merges elements of integer and float tensors into deduplication data as XLA tuple.
MergeDedupData(Operation) - Constructor for class org.tensorflow.op.tpu.MergeDedupData
 
MergeDedupData.Inputs - Class in org.tensorflow.op.tpu
 
MergeDedupData.Options - Class in org.tensorflow.op.tpu
Optional attributes for MergeDedupData
mergedMemoryConfig() - Method in class org.tensorflow.op.tpu.CollateTPUEmbeddingMemory
Gets mergedMemoryConfig.
mergeOp - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The mergeOp attribute
mergeRepeated - Variable in class org.tensorflow.op.nn.CtcBeamSearchDecoder.Inputs
If true, merge repeated classes in output.
mergeRepeated - Variable in class org.tensorflow.op.nn.CtcGreedyDecoder.Inputs
If True, merge repeated classes in output.
mergeRepeated(Boolean) - Static method in class org.tensorflow.op.nn.CtcBeamSearchDecoder
Sets the mergeRepeated option.
mergeRepeated(Boolean) - Method in class org.tensorflow.op.nn.CtcBeamSearchDecoder.Options
Sets the mergeRepeated option.
mergeRepeated(Boolean) - Static method in class org.tensorflow.op.nn.CtcGreedyDecoder
Sets the mergeRepeated option.
mergeRepeated(Boolean) - Method in class org.tensorflow.op.nn.CtcGreedyDecoder.Options
Sets the mergeRepeated option.
mergeSummary(Iterable<Operand<TString>>) - Method in class org.tensorflow.op.SummaryOps
Merges summaries.
MergeSummary - Class in org.tensorflow.op.summary
Merges summaries.
MergeSummary(Operation) - Constructor for class org.tensorflow.op.summary.MergeSummary
 
MergeSummary.Inputs - Class in org.tensorflow.op.summary
 
mergeV2Checkpoints(Operand<TString>, Operand<TString>, MergeV2Checkpoints.Options...) - Method in class org.tensorflow.op.TrainOps
V2 format specific: merges the metadata files of sharded checkpoints.
MergeV2Checkpoints - Class in org.tensorflow.op.train
V2 format specific: merges the metadata files of sharded checkpoints.
MergeV2Checkpoints(Operation) - Constructor for class org.tensorflow.op.train.MergeV2Checkpoints
 
MergeV2Checkpoints.Inputs - Class in org.tensorflow.op.train
 
MergeV2Checkpoints.Options - Class in org.tensorflow.op.train
Optional attributes for MergeV2Checkpoints
mesh - Variable in class org.tensorflow.op.core.CopyToMesh.Inputs
The mesh attribute
message - Variable in class org.tensorflow.op.debugging.CheckNumerics.Inputs
Prefix of the error message.
message - Variable in class org.tensorflow.op.train.PreventGradient.Inputs
Will be printed in the error when anyone tries to differentiate this operation.
message(String) - Static method in class org.tensorflow.op.train.PreventGradient
Sets the message option.
message(String) - Method in class org.tensorflow.op.train.PreventGradient.Options
Sets the message option.
messageFormat - Variable in class org.tensorflow.op.core.DecodeProto.Inputs
Either binary or text.
messageFormat(String) - Static method in class org.tensorflow.op.core.DecodeProto
Sets the messageFormat option.
messageFormat(String) - Method in class org.tensorflow.op.core.DecodeProto.Options
Sets the messageFormat option.
messageType - Variable in class org.tensorflow.op.core.DecodeProto.Inputs
Name of the proto message type to decode.
messageType - Variable in class org.tensorflow.op.core.EncodeProto.Inputs
Name of the proto message type to decode.
metadata - Variable in class org.tensorflow.op.core.CompositeTensorVariantFromComponents.Inputs
String serialization for the TypeSpec.
metadata - Variable in class org.tensorflow.op.core.CompositeTensorVariantToComponents.Inputs
String serialization for the TypeSpec.
metadata - Variable in class org.tensorflow.op.data.BatchDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.CacheDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ConcatenateDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.DatasetToSingleElement.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.FilterDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.FlatMapDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ListDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.OptionsDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.RandomDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.RangeDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.RegisterDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.RepeatDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ShardDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.SkipDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.TakeDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.TakeWhileDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.TensorDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.TensorSliceDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.TextLineDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.TfRecordDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.UnbatchDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.UniqueDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.data.ZipDataset.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.tpu.Compile.Inputs
The metadata attribute
metadata - Variable in class org.tensorflow.op.train.DistributedSave.Inputs
The metadata attribute
metadata(String) - Static method in class org.tensorflow.op.data.BatchDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.BatchDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.CacheDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.CacheDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ConcatenateDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ConcatenateDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.DatasetToSingleElement
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.DatasetToSingleElement.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.FilterDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.FilterDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.FixedLengthRecordDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.FixedLengthRecordDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.FlatMapDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.FlatMapDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.GeneratorDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.GeneratorDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.GroupByWindowDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.GroupByWindowDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.InterleaveDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.InterleaveDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.LegacyParallelInterleaveDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ListDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ListDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.MapAndBatchDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.MapAndBatchDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.MapDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.MapDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.OptionsDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.OptionsDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.PaddedBatchDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.PaddedBatchDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ParallelBatchDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ParallelBatchDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ParallelFilterDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ParallelFilterDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ParallelInterleaveDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ParallelInterleaveDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ParallelMapDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ParallelMapDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.PrefetchDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.PrefetchDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.RandomDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.RandomDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.RangeDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.RangeDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ReduceDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ReduceDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.RegisterDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.RegisterDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.RepeatDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.RepeatDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ScanDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ScanDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ShardDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ShardDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ShuffleAndRepeatDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ShuffleDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ShuffleDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.SkipDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.SkipDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.SnapshotDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.SnapshotDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.TakeDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.TakeDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.TakeWhileDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.TakeWhileDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.TensorDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.TensorDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.TensorSliceDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.TensorSliceDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.TextLineDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.TextLineDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.TfRecordDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.TfRecordDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.UnbatchDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.UnbatchDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.UniqueDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.UniqueDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.WindowDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.WindowDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.data.ZipDataset
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.data.ZipDataset.Options
Sets the metadata option.
metadata(String) - Static method in class org.tensorflow.op.train.DistributedSave
Sets the metadata option.
metadata(String) - Method in class org.tensorflow.op.train.DistributedSave.Options
Sets the metadata option.
metaGraphDef() - Method in class org.tensorflow.SavedModelBundle
Returns the MetaGraphDef protocol buffer associated with the saved model.
method - Variable in class org.tensorflow.op.core.Fingerprint.Inputs
Fingerprint method used by this op.
method - Variable in class org.tensorflow.op.image.CropAndResize.Inputs
A string specifying the sampling method for resizing.
method - Variable in class org.tensorflow.op.image.CropAndResizeGradBoxes.Inputs
A string specifying the interpolation method.
method - Variable in class org.tensorflow.op.image.CropAndResizeGradImage.Inputs
A string specifying the interpolation method.
method(String) - Static method in class org.tensorflow.op.image.CropAndResize
Sets the method option.
method(String) - Method in class org.tensorflow.op.image.CropAndResize.Options
Sets the method option.
method(String) - Static method in class org.tensorflow.op.image.CropAndResizeGradBoxes
Sets the method option.
method(String) - Method in class org.tensorflow.op.image.CropAndResizeGradBoxes.Options
Sets the method option.
method(String) - Static method in class org.tensorflow.op.image.CropAndResizeGradImage
Sets the method option.
method(String) - Method in class org.tensorflow.op.image.CropAndResizeGradImage.Options
Sets the method option.
methodName() - Method in class org.tensorflow.Signature
Returns the method name of this signature (e.g.
methodName(String) - Method in class org.tensorflow.Signature.Builder
Provide extensible name information enabling third-party users to mark a signature as supporting a particular method
mfcc(Operand<TFloat32>, Operand<TInt32>, Mfcc.Options...) - Method in class org.tensorflow.op.AudioOps
Transforms a spectrogram into a form that's useful for speech recognition.
Mfcc - Class in org.tensorflow.op.audio
Transforms a spectrogram into a form that's useful for speech recognition.
Mfcc(Operation) - Constructor for class org.tensorflow.op.audio.Mfcc
 
Mfcc.Inputs - Class in org.tensorflow.op.audio
 
Mfcc.Options - Class in org.tensorflow.op.audio
Optional attributes for Mfcc
mg - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
Value of mg used in the centered RMSProp optimization algorithm.
mg - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Should be from a Variable().
mg - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Should be from a Variable().
mg - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
mg - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
mg() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Gets mg.
min - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
The min value(s) to clip operand.
min - Variable in class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
The min input
min - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Inputs
The min attribute
min - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Inputs
The min attribute
min - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Inputs
The min input
min - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Inputs
The min input
min - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Inputs
The min input
min - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Inputs
The min input
min(Float) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
Sets the min option.
min(Float) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Options
Sets the min option.
min(Float) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
Sets the min option.
min(Float) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Options
Sets the min option.
min(Operand<T>, Operand<? extends TNumber>, Min.Options...) - Method in class org.tensorflow.op.Ops
Computes the minimum of elements across dimensions of a tensor.
Min<T extends TNumber> - Class in org.tensorflow.op.core
Computes the minimum of elements across dimensions of a tensor.
Min(Operation) - Constructor for class org.tensorflow.op.core.Min
 
Min.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
Min.Options - Class in org.tensorflow.op.core
Optional attributes for Min
minA - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The float value that the lowest quantized a value represents.
minA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The float value that the lowest quantized a value represents.
minA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
The float value that the lowest quantized a value represents.
minA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The float value that the lowest quantized a value represents.
minA - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The minA input
minA - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The minA input
minActivations() - Method in class org.tensorflow.op.nn.QuantizedRelu
Gets minActivations.
minActivations() - Method in class org.tensorflow.op.nn.QuantizedRelu6
Gets minActivations.
minActivations() - Method in class org.tensorflow.op.nn.QuantizedReluX
Gets minActivations.
minAfterDequeue - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
Dequeue will block unless there would be this many elements after the dequeue or the queue is closed.
minAfterDequeue(Long) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the minAfterDequeue option.
minAfterDequeue(Long) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the minAfterDequeue option.
minB - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The float value that the lowest quantized b value represents.
minB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The float value that the lowest quantized b value represents.
minB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
The float value that the lowest quantized b value represents.
minB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The float value that the lowest quantized b value represents.
minB - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The minB input
minB - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The minB input
minBias - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The float value that the lowest quantized bias value represents.
minCount - Variable in class org.tensorflow.op.core.Skipgram.Inputs
The minimum number of word occurrences for it to be included in the vocabulary.
minCount(Long) - Static method in class org.tensorflow.op.core.Skipgram
Sets the minCount option.
minCount(Long) - Method in class org.tensorflow.op.core.Skipgram.Options
Sets the minCount option.
minFeatures - Variable in class org.tensorflow.op.nn.QuantizedRelu.Inputs
The float value that the lowest quantized value represents.
minFeatures - Variable in class org.tensorflow.op.nn.QuantizedRelu6.Inputs
The float value that the lowest quantized value represents.
minFeatures - Variable in class org.tensorflow.op.nn.QuantizedReluX.Inputs
The float value that the lowest quantized value represents.
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The float value that the lowest quantized filter value represents.
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The minimum value of the filter tensor.
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The minFilter input
minFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The float value that the minimum quantized filter value represents.
minFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The float value that the minimum quantized filter value represents.
minFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The float value that the minimum quantized filter value represents.
minFilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The float value that the minimum quantized filter value represents.
minFreezedOutput - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The float value that the highest quantized output value after requantize.
minFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The minFreezedOutput input
minFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The minFreezedOutput input
minFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The minFreezedOutput input
minFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The minFreezedOutput input
minFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The minFreezedOutput input
minFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The minFreezedOutput input
minFreezedOutput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The minimum float value of the output tensor.
minFreezedOutput - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The minFreezedOutput input
minFreezedOutput - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The minFreezedOutput input
miniBatchInCsr - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The miniBatchInCsr attribute
miniBatchSplits - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The miniBatchSplits attribute
miniBatchSplits - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The miniBatchSplits attribute
minimum(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the min of x and y (i.e.
Minimum<T extends TNumber> - Class in org.tensorflow.op.math
Returns the min of x and y (i.e.
Minimum(Operation) - Constructor for class org.tensorflow.op.math.Minimum
 
Minimum.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
minInput - Variable in class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
The float value that the lowest quantized input value represents.
minInput - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The float value that the lowest quantized input value represents.
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The float value that the lowest quantized input value represents.
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The minimum value of the input tensor
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The minInput input
minInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The float value that the minimum quantized input value represents.
minInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The float value that the minimum quantized input value represents.
minInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The float value that the minimum quantized input value represents.
minInput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The float value that the minimum quantized input value represents.
minInput - Variable in class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
The float value that the lowest quantized input value represents.
minlength - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
Minimum value to count.
minlength - Variable in class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
Minimum value to count.
minlength - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Minimum value to count.
minlength(Long) - Static method in class org.tensorflow.op.ragged.RaggedCountSparseOutput
Sets the minlength option.
minlength(Long) - Method in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Options
Sets the minlength option.
minlength(Long) - Static method in class org.tensorflow.op.sparse.DenseCountSparseOutput
Sets the minlength option.
minlength(Long) - Method in class org.tensorflow.op.sparse.DenseCountSparseOutput.Options
Sets the minlength option.
minlength(Long) - Static method in class org.tensorflow.op.sparse.SparseCountSparseOutput
Sets the minlength option.
minlength(Long) - Method in class org.tensorflow.op.sparse.SparseCountSparseOutput.Options
Sets the minlength option.
minObjectCovered - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
The cropped area of the image must contain at least this fraction of any bounding box supplied.
minObjectCovered - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
The cropped area of the image must contain at least this fraction of any bounding box supplied.
minOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMul
Gets minOut.
minOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
Gets minOut.
minOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
Gets minOut.
minOut() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
Gets minOut.
minOut() - Method in class org.tensorflow.op.nn.QuantizedBiasAdd
Gets minOut.
minOut() - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
Gets minOut.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedAvgPool
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2d
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Gets minOutput.
minOutput() - Method in class org.tensorflow.op.nn.QuantizedMaxPool
Gets minOutput.
minRange - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
The minimum scalar value possibly produced for the input.
minRange - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The minimum value of the quantization range.
minSeparation - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
Minimum value of y_max - y_min
minSeparation(Float) - Static method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Sets the minSeparation option.
minSeparation(Float) - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm.Options
Sets the minSeparation option.
minSize - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
A scalar float tensor.
minSummand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The minSummand input
minSummand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The minSummand input
minval - Variable in class org.tensorflow.op.random.RandomUniformInt.Inputs
0-D.
minval - Variable in class org.tensorflow.op.random.StatefulUniformInt.Inputs
Minimum value (inclusive, scalar).
minval - Variable in class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
Minimum value (inclusive, scalar).
minval - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
Minimum value (inclusive, scalar).
minvals - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
The minimum cutoff.
minvals - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The minimum cutoff.
minX - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The float value that the lowest quantized x value represents.
minX - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The float value that the lowest quantized x value represents.
minY - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The float value that the lowest quantized y value represents.
minY - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The float value that the lowest quantized y value represents.
minZ() - Method in class org.tensorflow.op.math.QuantizedAdd
Gets minZ.
minZ() - Method in class org.tensorflow.op.math.QuantizedMul
Gets minZ.
mirrorPad(Operand<T>, Operand<? extends TNumber>, String) - Method in class org.tensorflow.op.Ops
Pads a tensor with mirrored values.
MirrorPad<T extends TType> - Class in org.tensorflow.op.core
Pads a tensor with mirrored values.
MirrorPad(Operation) - Constructor for class org.tensorflow.op.core.MirrorPad
 
MirrorPad.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
mirrorPadGrad(Operand<T>, Operand<? extends TNumber>, String) - Method in class org.tensorflow.op.Ops
Gradient op for MirrorPad op.
MirrorPadGrad<T extends TType> - Class in org.tensorflow.op.core
Gradient op for MirrorPad op.
MirrorPadGrad(Operation) - Constructor for class org.tensorflow.op.core.MirrorPadGrad
 
MirrorPadGrad.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
mlirModule - Variable in class org.tensorflow.op.core.MlirPassthroughOp.Inputs
The mlirModule attribute
mlirPassthroughOp(Iterable<Operand<?>>, String, List<Class<? extends TType>>) - Method in class org.tensorflow.op.Ops
Wraps an arbitrary MLIR computation expressed as a module with a main() function.
MlirPassthroughOp - Class in org.tensorflow.op.core
Wraps an arbitrary MLIR computation expressed as a module with a main() function.
MlirPassthroughOp(Operation) - Constructor for class org.tensorflow.op.core.MlirPassthroughOp
 
MlirPassthroughOp.Inputs - Class in org.tensorflow.op.core
 
mMax - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the highest quantized mean.
mMin - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the lowest quantized mean.
mod(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns element-wise remainder of division.
Mod<T extends TNumber> - Class in org.tensorflow.op.math
Returns element-wise remainder of division.
Mod(Operation) - Constructor for class org.tensorflow.op.math.Mod
 
Mod.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
mode - Variable in class org.tensorflow.op.core.MirrorPad.Inputs
Either REFLECT or SYMMETRIC.
mode - Variable in class org.tensorflow.op.core.MirrorPadGrad.Inputs
The mode used in the MirrorPad op.
mode - Variable in class org.tensorflow.op.nn.FusedPadConv2d.Inputs
The mode attribute
mode - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
The mode attribute
mode - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
The mode attribute
mode - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The mode attribute
mode(String) - Static method in class org.tensorflow.op.quantization.Dequantize
Sets the mode option.
mode(String) - Method in class org.tensorflow.op.quantization.Dequantize.Options
Sets the mode option.
mode(String) - Static method in class org.tensorflow.op.quantization.Quantize
Sets the mode option.
mode(String) - Method in class org.tensorflow.op.quantization.Quantize.Options
Sets the mode option.
modelDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ModelDataset.Options...) - Method in class org.tensorflow.op.DataOps
Identity transformation that models performance.
ModelDataset - Class in org.tensorflow.op.data
Identity transformation that models performance.
ModelDataset(Operation) - Constructor for class org.tensorflow.op.data.ModelDataset
 
ModelDataset.Inputs - Class in org.tensorflow.op.data
 
ModelDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ModelDataset
modeOverride - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A string input that overrides the mode specified in the TPUEmbeddingConfiguration.
modeOverride - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The modeOverride input
modeOverride - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A string input that overrides the mode specified in the TPUEmbeddingConfiguration.
modeOverride - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch.Inputs
A string input that overrides the mode specified in the TPUEmbeddingConfiguration.
modeOverride - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch.Inputs
A string input that overrides the mode specified in the TPUEmbeddingConfiguration.
modeOverride - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
A string input that overrides the mode specified in the TPUEmbeddingConfiguration.
modeOverride - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
A string input that overrides the mode specified in the TPUEmbeddingConfiguration.
modeOverride - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
A string input that overrides the mode specified in the TPUEmbeddingConfiguration.
mom - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
Value of mom used in the centered RMSProp optimization algorithm.
mom - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
Value of mom used in the RMSProp optimization algorithm.
mom - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Should be from a Variable().
mom - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
Should be from a Variable().
mom - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Should be from a Variable().
mom - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
Should be from a Variable().
mom - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
mom - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
Should be from a Variable().
mom - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
mom - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
Should be from a Variable().
mom() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Gets mom.
mom() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
Gets mom.
momenta - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
Value of momenta used in the Adagrad Momentum optimization algorithm.
momenta - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
Value of momenta used in the ADAM optimization algorithm.
momenta - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
Value of momenta used in the Momentum optimization algorithm.
momenta - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The momenta input
momenta - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The momenta input
momenta() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
Gets momenta.
momenta() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
Gets momenta.
momenta() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
Gets momenta.
momentum - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Momentum Scale.
momentum - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
Momentum.
momentum - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
The momentum input
momentum - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Momentum Scale.
momentum - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
Momentum.
momentum - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
Momentum.
momentum - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
The momentum input
momentum - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
The momentum input
momentum - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
Momentum.
momentum - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
Momentum.
momentum - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
The momentum input
momentum - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
The momentum input
momentum - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
Momentum.
momentum - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
The momentum input
momentum - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The momentum input
momentum - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The momentum input
ms - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
Value of ms used in the centered RMSProp optimization algorithm.
ms - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
Value of ms used in the RMSProp optimization algorithm.
ms - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Should be from a Variable().
ms - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
Should be from a Variable().
ms - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Should be from a Variable().
ms - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
Should be from a Variable().
ms - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
ms - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
Should be from a Variable().
ms - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
ms - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
Should be from a Variable().
ms() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Gets ms.
ms() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
Gets ms.
mul(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x * y element-wise.
Mul<T extends TType> - Class in org.tensorflow.op.math
Returns x * y element-wise.
Mul(Operation) - Constructor for class org.tensorflow.op.math.Mul
 
Mul.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
mulNoNan(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x * y element-wise.
MulNoNan<T extends TType> - Class in org.tensorflow.op.math
Returns x * y element-wise.
MulNoNan(Operation) - Constructor for class org.tensorflow.op.math.MulNoNan
 
MulNoNan.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
multiDeviceIterator - Variable in class org.tensorflow.op.data.DeleteMultiDeviceIterator.Inputs
A handle to the multi device iterator to delete.
multiDeviceIterator - Variable in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard.Inputs
A MultiDeviceIterator resource.
multiDeviceIterator - Variable in class org.tensorflow.op.data.MultiDeviceIteratorInit.Inputs
A MultiDeviceIteratorResource.
multiDeviceIterator - Variable in class org.tensorflow.op.data.MultiDeviceIteratorToStringHandle.Inputs
A MultiDeviceIterator resource.
multiDeviceIterator() - Method in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle
Gets multiDeviceIterator.
multiDeviceIterator(List<String>, String, String, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a MultiDeviceIterator resource.
MultiDeviceIterator - Class in org.tensorflow.op.data
Creates a MultiDeviceIterator resource.
MultiDeviceIterator(Operation) - Constructor for class org.tensorflow.op.data.MultiDeviceIterator
 
MultiDeviceIterator.Inputs - Class in org.tensorflow.op.data
 
multiDeviceIteratorFromStringHandle(Operand<TString>, List<Class<? extends TType>>, MultiDeviceIteratorFromStringHandle.Options...) - Method in class org.tensorflow.op.DataOps
Generates a MultiDeviceIterator resource from its provided string handle.
MultiDeviceIteratorFromStringHandle - Class in org.tensorflow.op.data
Generates a MultiDeviceIterator resource from its provided string handle.
MultiDeviceIteratorFromStringHandle(Operation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle
 
MultiDeviceIteratorFromStringHandle.Inputs - Class in org.tensorflow.op.data
 
MultiDeviceIteratorFromStringHandle.Options - Class in org.tensorflow.op.data
Optional attributes for MultiDeviceIteratorFromStringHandle
multiDeviceIteratorGetNextFromShard(Operand<? extends TType>, Operand<TInt32>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Gets next element for the provided shard number.
MultiDeviceIteratorGetNextFromShard - Class in org.tensorflow.op.data
Gets next element for the provided shard number.
MultiDeviceIteratorGetNextFromShard(Operation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard
 
MultiDeviceIteratorGetNextFromShard.Inputs - Class in org.tensorflow.op.data
 
multiDeviceIteratorInit(Operand<? extends TType>, Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.DataOps
Initializes the multi device iterator with the given dataset.
MultiDeviceIteratorInit - Class in org.tensorflow.op.data
Initializes the multi device iterator with the given dataset.
MultiDeviceIteratorInit(Operation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorInit
 
MultiDeviceIteratorInit.Inputs - Class in org.tensorflow.op.data
 
multiDeviceIteratorToStringHandle(Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Produces a string handle for the given MultiDeviceIterator.
MultiDeviceIteratorToStringHandle - Class in org.tensorflow.op.data
Produces a string handle for the given MultiDeviceIterator.
MultiDeviceIteratorToStringHandle(Operation) - Constructor for class org.tensorflow.op.data.MultiDeviceIteratorToStringHandle
 
MultiDeviceIteratorToStringHandle.Inputs - Class in org.tensorflow.op.data
 
multinomial(Operand<? extends TNumber>, Operand<TInt32>, Class<U>, Multinomial.Options...) - Method in class org.tensorflow.op.RandomOps
Draws samples from a multinomial distribution.
multinomial(Operand<? extends TNumber>, Operand<TInt32>, Multinomial.Options[]) - Method in class org.tensorflow.op.RandomOps
Draws samples from a multinomial distribution.
Multinomial<U extends TNumber> - Class in org.tensorflow.op.random
Draws samples from a multinomial distribution.
Multinomial(Operation) - Constructor for class org.tensorflow.op.random.Multinomial
 
Multinomial.Inputs - Class in org.tensorflow.op.random
 
Multinomial.Options - Class in org.tensorflow.op.random
Optional attributes for Multinomial
multiples - Variable in class org.tensorflow.op.core.Tile.Inputs
1-D.
multiples - Variable in class org.tensorflow.op.train.TileGrad.Inputs
The multiples input
multiplyLinearByLearningRate - Variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl.Inputs
The multiplyLinearByLearningRate attribute
multiplyLinearByLearningRate - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The multiplyLinearByLearningRate attribute
multiplyLinearByLr - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
The multiplyLinearByLr attribute
multiplyLinearByLr - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
The multiplyLinearByLr attribute
multiplyLinearByLr - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
The multiplyLinearByLr attribute
multiplyLinearByLr - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
The multiplyLinearByLr attribute
multiplyLinearByLr(Boolean) - Static method in class org.tensorflow.op.train.ApplyFtrl
Sets the multiplyLinearByLr option.
multiplyLinearByLr(Boolean) - Method in class org.tensorflow.op.train.ApplyFtrl.Options
Sets the multiplyLinearByLr option.
multiplyLinearByLr(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyFtrl
Sets the multiplyLinearByLr option.
multiplyLinearByLr(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyFtrl.Options
Sets the multiplyLinearByLr option.
multiplyLinearByLr(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyFtrl
Sets the multiplyLinearByLr option.
multiplyLinearByLr(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Options
Sets the multiplyLinearByLr option.
multiplyLinearByLr(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyFtrl
Sets the multiplyLinearByLr option.
multiplyLinearByLr(Boolean) - Method in class org.tensorflow.op.train.SparseApplyFtrl.Options
Sets the multiplyLinearByLr option.
mutableDenseHashTable(Operand<T>, Operand<T>, Class<U>, MutableDenseHashTable.Options...) - Method in class org.tensorflow.op.Ops
Creates an empty hash table that uses tensors as the backing store.
MutableDenseHashTable - Class in org.tensorflow.op.core
Creates an empty hash table that uses tensors as the backing store.
MutableDenseHashTable(Operation) - Constructor for class org.tensorflow.op.core.MutableDenseHashTable
 
MutableDenseHashTable.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
MutableDenseHashTable.Options - Class in org.tensorflow.op.core
Optional attributes for MutableDenseHashTable
mutableHashTable(Class<T>, Class<U>, MutableHashTable.Options...) - Method in class org.tensorflow.op.Ops
Creates an empty hash table.
MutableHashTable - Class in org.tensorflow.op.core
Creates an empty hash table.
MutableHashTable(Operation) - Constructor for class org.tensorflow.op.core.MutableHashTable
 
MutableHashTable.Inputs - Class in org.tensorflow.op.core
 
MutableHashTable.Options - Class in org.tensorflow.op.core
Optional attributes for MutableHashTable
mutableHashTableOfTensors(Class<T>, Class<U>, MutableHashTableOfTensors.Options...) - Method in class org.tensorflow.op.Ops
Creates an empty hash table.
MutableHashTableOfTensors - Class in org.tensorflow.op.core
Creates an empty hash table.
MutableHashTableOfTensors(Operation) - Constructor for class org.tensorflow.op.core.MutableHashTableOfTensors
 
MutableHashTableOfTensors.Inputs - Class in org.tensorflow.op.core
 
MutableHashTableOfTensors.Options - Class in org.tensorflow.op.core
Optional attributes for MutableHashTableOfTensors
mutex - Variable in class org.tensorflow.op.core.MutexLock.Inputs
The mutex resource to lock.
mutex(Mutex.Options...) - Method in class org.tensorflow.op.Ops
Creates a Mutex resource that can be locked by MutexLock.
Mutex - Class in org.tensorflow.op.core
Creates a Mutex resource that can be locked by MutexLock.
Mutex(Operation) - Constructor for class org.tensorflow.op.core.Mutex
 
Mutex.Inputs - Class in org.tensorflow.op.core
 
Mutex.Options - Class in org.tensorflow.op.core
Optional attributes for Mutex
mutexLock - Variable in class org.tensorflow.op.core.ConsumeMutexLock.Inputs
A tensor returned by MutexLock.
mutexLock() - Method in class org.tensorflow.op.core.MutexLock
Gets mutexLock.
mutexLock(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Locks a mutex resource.
MutexLock - Class in org.tensorflow.op.core
Locks a mutex resource.
MutexLock(Operation) - Constructor for class org.tensorflow.op.core.MutexLock
 
MutexLock.Inputs - Class in org.tensorflow.op.core
 

N

n - Variable in class org.tensorflow.op.io.QueueDequeueMany.Inputs
The number of tuples to dequeue.
n - Variable in class org.tensorflow.op.io.QueueDequeueUpTo.Inputs
The number of tuples to dequeue.
n - Variable in class org.tensorflow.op.nn.NthElement.Inputs
0-D.
name - Variable in class org.tensorflow.Signature.TensorDescription
The name of the tensor's operand in the graph
name() - Method in class org.tensorflow.GraphOperation
 
name() - Element in annotation type org.tensorflow.op.annotation.Endpoint
Name for the wrapper method used in the Ops class.
name() - Element in annotation type org.tensorflow.op.annotation.Operator
Name for the wrapper method used in the Ops class.
name() - Method in interface org.tensorflow.Operation
Returns the full name of the Operation.
name() - Method in class org.tensorflow.Output
Returns the full name of this Output (a.k.a.
names - Variable in class org.tensorflow.op.io.ParseExample.Inputs
A tensor containing the names of the serialized protos.
narrowRange - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Inputs
Whether to quantize into 2^num_bits - 1 distinct values.
narrowRange - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Inputs
Whether to quantize into 2^num_bits - 1 distinct values.
narrowRange - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The narrowRange attribute
narrowRange - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
If True, then the absolute value of the quantized minimum value is the same as the quantized maximum value, instead of 1 greater.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.Dequantize
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.Dequantize.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.Quantize
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.Quantize.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantize
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantize.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Options
Sets the narrowRange option.
narrowRange(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Sets the narrowRange option.
narrowRange(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Options
Sets the narrowRange option.
nativeHandle(RawTensor) - Static method in class org.tensorflow.TensorMapper
Helper for retrieving the native handle of a raw tensor
NativeScope - Class in org.tensorflow.op
A Scope implementation backed by a native scope.
naValue - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The naValue input
naValue - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The naValue input
naValue - Variable in class org.tensorflow.op.io.DecodeCsv.Inputs
Additional string to recognize as NA/NaN.
naValue(String) - Static method in class org.tensorflow.op.io.DecodeCsv
Sets the naValue option.
naValue(String) - Method in class org.tensorflow.op.io.DecodeCsv.Options
Sets the naValue option.
nbins - Variable in class org.tensorflow.op.core.HistogramFixedWidth.Inputs
Scalar int32 Tensor.
ncclAllReduce(Operand<T>, String, Long, String) - Method in class org.tensorflow.op.DistributeOps
Outputs a tensor containing the reduction across all input tensors.
ncclAllReduce(Operand<T>, String, Long, String) - Method in class org.tensorflow.op.Ops
Deprecated.
use NcclAllReduce instead
NcclAllReduce<T extends TNumber> - Class in org.tensorflow.op.core
Deprecated.
use NcclAllReduce instead
NcclAllReduce<T extends TNumber> - Class in org.tensorflow.op.distribute
Outputs a tensor containing the reduction across all input tensors.
NcclAllReduce(Operation) - Constructor for class org.tensorflow.op.core.NcclAllReduce
Deprecated.
 
NcclAllReduce(Operation) - Constructor for class org.tensorflow.op.distribute.NcclAllReduce
 
NcclAllReduce.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
Deprecated.
 
NcclAllReduce.Inputs<T extends TNumber> - Class in org.tensorflow.op.distribute
 
ncclBroadcast(Operand<T>, Shape) - Method in class org.tensorflow.op.DistributeOps
Sends input to all devices that are connected to the output.
ncclBroadcast(Operand<T>, Shape) - Method in class org.tensorflow.op.Ops
Deprecated.
use NcclBroadcast instead
NcclBroadcast<T extends TNumber> - Class in org.tensorflow.op.core
Deprecated.
use NcclBroadcast instead
NcclBroadcast<T extends TNumber> - Class in org.tensorflow.op.distribute
Sends input to all devices that are connected to the output.
NcclBroadcast(Operation) - Constructor for class org.tensorflow.op.core.NcclBroadcast
Deprecated.
 
NcclBroadcast(Operation) - Constructor for class org.tensorflow.op.distribute.NcclBroadcast
 
NcclBroadcast.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
Deprecated.
 
NcclBroadcast.Inputs<T extends TNumber> - Class in org.tensorflow.op.distribute
 
ncclReduce(Iterable<Operand<T>>, String) - Method in class org.tensorflow.op.DistributeOps
Reduces input from num_devices using reduction to a single device.
ncclReduce(Iterable<Operand<T>>, String) - Method in class org.tensorflow.op.Ops
Deprecated.
use NcclReduce instead
NcclReduce<T extends TNumber> - Class in org.tensorflow.op.core
Deprecated.
use NcclReduce instead
NcclReduce<T extends TNumber> - Class in org.tensorflow.op.distribute
Reduces input from num_devices using reduction to a single device.
NcclReduce(Operation) - Constructor for class org.tensorflow.op.core.NcclReduce
Deprecated.
 
NcclReduce(Operation) - Constructor for class org.tensorflow.op.distribute.NcclReduce
 
NcclReduce.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
Deprecated.
 
NcclReduce.Inputs<T extends TNumber> - Class in org.tensorflow.op.distribute
 
NcontextDense(Long) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the NcontextDense option.
NcontextDense(Long) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the NcontextDense option.
NcontextSparse(Long) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Sets the NcontextSparse option.
NcontextSparse(Long) - Method in class org.tensorflow.op.io.ParseSequenceExample.Options
Sets the NcontextSparse option.
NcontextSparse(Long) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the NcontextSparse option.
NcontextSparse(Long) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the NcontextSparse option.
ndtri(Operand<T>) - Method in class org.tensorflow.op.MathOps
The Ndtri operation
Ndtri<T extends TNumber> - Class in org.tensorflow.op.math
The Ndtri operation
Ndtri(Operation) - Constructor for class org.tensorflow.op.math.Ndtri
 
Ndtri.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
nearestCenterDistances() - Method in class org.tensorflow.op.image.NearestNeighbors
Gets nearestCenterDistances.
nearestCenterIndices() - Method in class org.tensorflow.op.image.NearestNeighbors
Gets nearestCenterIndices.
nearestNeighbors(Operand<TFloat32>, Operand<TFloat32>, Operand<TInt64>) - Method in class org.tensorflow.op.ImageOps
Selects the k nearest centers for each point.
NearestNeighbors - Class in org.tensorflow.op.image
Selects the k nearest centers for each point.
NearestNeighbors(Operation) - Constructor for class org.tensorflow.op.image.NearestNeighbors
 
NearestNeighbors.Inputs - Class in org.tensorflow.op.image
 
neg(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes numerical negative value element-wise.
Neg<T extends TType> - Class in org.tensorflow.op.math
Computes numerical negative value element-wise.
Neg(Operation) - Constructor for class org.tensorflow.op.math.Neg
 
Neg.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
negTrain(Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, List<Long>, Long) - Method in class org.tensorflow.op.TrainOps
Training via negative sampling.
NegTrain - Class in org.tensorflow.op.train
Training via negative sampling.
NegTrain(Operation) - Constructor for class org.tensorflow.op.train.NegTrain
 
NegTrain.Inputs - Class in org.tensorflow.op.train
 
networkConfig() - Method in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost
Gets networkConfig.
networkConfigs - Variable in class org.tensorflow.op.tpu.ConnectTPUEmbeddingHosts.Inputs
Strings containing metadata about the hostname and RPC port used for communication with all hosts.
newAxisMask - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The newAxisMask attribute
newAxisMask - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
a bitmask where bit i being 1 means the ith specification creates a new shape 1 dimension.
newAxisMask - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The newAxisMask attribute
newAxisMask - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The newAxisMask attribute
newAxisMask - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The newAxisMask attribute
newAxisMask(Long) - Static method in class org.tensorflow.op.core.ResourceStridedSliceAssign
Sets the newAxisMask option.
newAxisMask(Long) - Method in class org.tensorflow.op.core.ResourceStridedSliceAssign.Options
Sets the newAxisMask option.
newAxisMask(Long) - Static method in class org.tensorflow.op.core.StridedSlice
Sets the newAxisMask option.
newAxisMask(Long) - Method in class org.tensorflow.op.core.StridedSlice.Options
Sets the newAxisMask option.
newAxisMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceAssign
Sets the newAxisMask option.
newAxisMask(Long) - Method in class org.tensorflow.op.core.StridedSliceAssign.Options
Sets the newAxisMask option.
newAxisMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceGrad
Sets the newAxisMask option.
newAxisMask(Long) - Method in class org.tensorflow.op.core.StridedSliceGrad.Options
Sets the newAxisMask option.
newAxisMask(Long) - Static method in class org.tensorflow.op.core.TensorStridedSliceUpdate
Sets the newAxisMask option.
newAxisMask(Long) - Method in class org.tensorflow.op.core.TensorStridedSliceUpdate.Options
Sets the newAxisMask option.
newBuilder() - Static method in class org.tensorflow.DeviceSpec
 
newFormatKey - Variable in class org.tensorflow.op.tpu.TPUReshardVariables.Inputs
The newFormatKey input
newGlobalStep - Variable in class org.tensorflow.op.train.AccumulatorSetGlobalStep.Inputs
The new global_step value to set.
newGlobalStep - Variable in class org.tensorflow.op.train.ResourceAccumulatorSetGlobalStep.Inputs
The new global_step value to set.
newShape - Variable in class org.tensorflow.op.sparse.SparseReshape.Inputs
1-D.
newVocabFile - Variable in class org.tensorflow.op.train.GenerateVocabRemapping.Inputs
Path to the new vocab file.
newVocabOffset - Variable in class org.tensorflow.op.train.GenerateVocabRemapping.Inputs
How many entries into the new vocab file to start reading.
nextAfter(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns the next representable value of x1 in the direction of x2, element-wise.
NextAfter<T extends TNumber> - Class in org.tensorflow.op.math
Returns the next representable value of x1 in the direction of x2, element-wise.
NextAfter(Operation) - Constructor for class org.tensorflow.op.math.NextAfter
 
NextAfter.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
nextFuncOtherArgs - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The nextFuncOtherArgs input
nextIteration(Operand<T>) - Method in class org.tensorflow.op.Ops
Makes its input available to the next iteration.
NextIteration<T extends TType> - Class in org.tensorflow.op.core
Makes its input available to the next iteration.
NextIteration(Operation) - Constructor for class org.tensorflow.op.core.NextIteration
 
NextIteration.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
NfeatureListDense(Long) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Sets the NfeatureListDense option.
NfeatureListDense(Long) - Method in class org.tensorflow.op.io.ParseSequenceExample.Options
Sets the NfeatureListDense option.
NfeatureListDense(Long) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the NfeatureListDense option.
NfeatureListDense(Long) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the NfeatureListDense option.
NfeatureListSparse(Long) - Static method in class org.tensorflow.op.io.ParseSequenceExample
Sets the NfeatureListSparse option.
NfeatureListSparse(Long) - Method in class org.tensorflow.op.io.ParseSequenceExample.Options
Sets the NfeatureListSparse option.
NfeatureListSparse(Long) - Static method in class org.tensorflow.op.io.ParseSingleSequenceExample
Sets the NfeatureListSparse option.
NfeatureListSparse(Long) - Method in class org.tensorflow.op.io.ParseSingleSequenceExample.Options
Sets the NfeatureListSparse option.
ngrams() - Method in class org.tensorflow.op.strings.StringNGrams
Gets ngrams.
ngramsSplits() - Method in class org.tensorflow.op.strings.StringNGrams
Gets ngramsSplits.
ngramWidths - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The sizes of the ngrams to create.
nmsedBoxes() - Method in class org.tensorflow.op.image.CombinedNonMaxSuppression
Gets nmsedBoxes.
nmsedClasses() - Method in class org.tensorflow.op.image.CombinedNonMaxSuppression
Gets nmsedClasses.
nmsedScores() - Method in class org.tensorflow.op.image.CombinedNonMaxSuppression
Gets nmsedScores.
nmsThreshold - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
A scalar float tensor for non-maximal-suppression threshold.
nn - Variable in class org.tensorflow.op.Ops
 
NN(Long) - Static method in class org.tensorflow.op.tpu.SendTPUEmbeddingGradients
Sets the NN option.
NN(Long) - Method in class org.tensorflow.op.tpu.SendTPUEmbeddingGradients.Options
Sets the NN option.
NnOps - Class in org.tensorflow.op
An API for building nn operations as Ops
nnz() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixNNZ
Gets nnz.
noise - Variable in class org.tensorflow.op.image.ExtractGlimpse.Inputs
indicates if the noise should uniform, gaussian, or zero.
noise(String) - Static method in class org.tensorflow.op.image.ExtractGlimpse
Sets the noise option.
noise(String) - Method in class org.tensorflow.op.image.ExtractGlimpse.Options
Sets the noise option.
nonDeterministicInts(Operand<? extends TType>) - Method in class org.tensorflow.op.RandomOps
Non-deterministically generates some integers.
nonDeterministicInts(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Non-deterministically generates some integers.
NonDeterministicInts<U extends TType> - Class in org.tensorflow.op.random
Non-deterministically generates some integers.
NonDeterministicInts(Operation) - Constructor for class org.tensorflow.op.random.NonDeterministicInts
 
NonDeterministicInts.Inputs - Class in org.tensorflow.op.random
 
nonMaxSuppression(Operand<T>, Operand<T>, Operand<TInt32>, Operand<T>, Operand<T>, Operand<T>, NonMaxSuppression.Options...) - Method in class org.tensorflow.op.ImageOps
Greedily selects a subset of bounding boxes in descending order of score, pruning away boxes that have high intersection-over-union (IOU) overlap with previously selected boxes.
NonMaxSuppression<T extends TNumber> - Class in org.tensorflow.op.image
Greedily selects a subset of bounding boxes in descending order of score, pruning away boxes that have high intersection-over-union (IOU) overlap with previously selected boxes.
NonMaxSuppression(Operation) - Constructor for class org.tensorflow.op.image.NonMaxSuppression
 
NonMaxSuppression.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
NonMaxSuppression.Options - Class in org.tensorflow.op.image
Optional attributes for NonMaxSuppression
nonMaxSuppressionWithOverlaps(Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>) - Method in class org.tensorflow.op.ImageOps
Greedily selects a subset of bounding boxes in descending order of score, pruning away boxes that have high overlaps with previously selected boxes.
NonMaxSuppressionWithOverlaps - Class in org.tensorflow.op.image
Greedily selects a subset of bounding boxes in descending order of score, pruning away boxes that have high overlaps with previously selected boxes.
NonMaxSuppressionWithOverlaps(Operation) - Constructor for class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps
 
NonMaxSuppressionWithOverlaps.Inputs - Class in org.tensorflow.op.image
 
nonSerializableDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalNonSerializableDataset operation
nonSerializableDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The NonSerializableDataset operation
NonSerializableDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalNonSerializableDataset operation
NonSerializableDataset - Class in org.tensorflow.op.data
The NonSerializableDataset operation
NonSerializableDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.NonSerializableDataset
 
NonSerializableDataset(Operation) - Constructor for class org.tensorflow.op.data.NonSerializableDataset
 
NonSerializableDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
NonSerializableDataset.Inputs - Class in org.tensorflow.op.data
 
noOp() - Method in class org.tensorflow.op.Ops
Does nothing.
NoOp - Class in org.tensorflow.op.core
Does nothing.
NoOp(Operation) - Constructor for class org.tensorflow.op.core.NoOp
 
NoOp.Inputs - Class in org.tensorflow.op.core
 
NorderingToken(Long) - Static method in class org.tensorflow.op.collective.CollectiveGather
Sets the NorderingToken option.
NorderingToken(Long) - Method in class org.tensorflow.op.collective.CollectiveGather.Options
Sets the NorderingToken option.
NorderingToken(Long) - Static method in class org.tensorflow.op.collective.CollectiveReduceScatter
Sets the NorderingToken option.
NorderingToken(Long) - Method in class org.tensorflow.op.collective.CollectiveReduceScatter.Options
Sets the NorderingToken option.
normalize - Variable in class org.tensorflow.op.core.EditDistance.Inputs
boolean (if true, edit distances are normalized by length of truth).
normalize(Boolean) - Static method in class org.tensorflow.op.core.EditDistance
Sets the normalize option.
normalize(Boolean) - Method in class org.tensorflow.op.core.EditDistance.Options
Sets the normalize option.
normalized - Variable in class org.tensorflow.op.image.ExtractGlimpse.Inputs
indicates if the offset coordinates are normalized.
normalized(Boolean) - Static method in class org.tensorflow.op.image.ExtractGlimpse
Sets the normalized option.
normalized(Boolean) - Method in class org.tensorflow.op.image.ExtractGlimpse.Options
Sets the normalized option.
notEqual(Operand<T>, Operand<T>, NotEqual.Options...) - Method in class org.tensorflow.op.MathOps
Returns the truth value of (x != y) element-wise.
NotEqual - Class in org.tensorflow.op.math
Returns the truth value of (x != y) element-wise.
NotEqual(Operation) - Constructor for class org.tensorflow.op.math.NotEqual
 
NotEqual.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
NotEqual.Options - Class in org.tensorflow.op.math
Optional attributes for NotEqual
nrows - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRows.Inputs
The nrows input
nthElement(Operand<T>, Operand<TInt32>, NthElement.Options...) - Method in class org.tensorflow.op.NnOps
Finds values of the n-th order statistic for the last dimension.
NthElement<T extends TNumber> - Class in org.tensorflow.op.nn
Finds values of the n-th order statistic for the last dimension.
NthElement(Operation) - Constructor for class org.tensorflow.op.nn.NthElement
 
NthElement.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
NthElement.Options - Class in org.tensorflow.op.nn
Optional attributes for NthElement
num - Variable in class org.tensorflow.op.core.LinSpace.Inputs
0-D tensor.
numAccumulated() - Method in class org.tensorflow.op.train.AccumulatorNumAccumulated
Gets numAccumulated.
numAccumulated() - Method in class org.tensorflow.op.train.ResourceAccumulatorNumAccumulated
Gets numAccumulated.
numBatchThreads - Variable in class org.tensorflow.op.core.Batch.Inputs
The numBatchThreads attribute
numBatchThreads - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
Number of scheduling threads for processing batches of work.
numBits - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Inputs
The numBits attribute
numBits - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Inputs
The numBits attribute
numBits - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Inputs
The numBits attribute
numBits - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Inputs
The bitwidth of the quantization; between 2 and 8, inclusive.
numBits - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Inputs
The numBits attribute
numBits - Variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Inputs
The bitwidth of the quantization; between 2 and 16, inclusive.
numBits - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The numBits input
numBits - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The numBits input
numBits - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
The bitwidth of the quantization.
numBits(Long) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
Sets the numBits option.
numBits(Long) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs.Options
Sets the numBits option.
numBits(Long) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
Sets the numBits option.
numBits(Long) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient.Options
Sets the numBits option.
numBits(Long) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars
Sets the numBits option.
numBits(Long) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars.Options
Sets the numBits option.
numBits(Long) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
Sets the numBits option.
numBits(Long) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient.Options
Sets the numBits option.
numBits(Long) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel
Sets the numBits option.
numBits(Long) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel.Options
Sets the numBits option.
numBits(Long) - Static method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
Sets the numBits option.
numBits(Long) - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient.Options
Sets the numBits option.
numBits(Long) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Sets the numBits option.
numBits(Long) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Options
Sets the numBits option.
numBuckets - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The numBuckets attribute
numBuckets - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
It is used if hashed_output is true.
numBuckets - Variable in class org.tensorflow.op.strings.ToHashBucket.Inputs
The number of buckets.
numBuckets - Variable in class org.tensorflow.op.strings.ToHashBucketFast.Inputs
The number of buckets.
numBuckets - Variable in class org.tensorflow.op.strings.ToHashBucketStrong.Inputs
The number of buckets.
numBytes() - Method in class org.tensorflow.RawTensor
 
numBytes() - Method in interface org.tensorflow.Tensor
Returns the size, in bytes, of the tensor data.
numCols - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
Number of columns (length of the 2nd dimension) in the output matrix.
numCols - Variable in class org.tensorflow.op.linalg.MatrixDiag.Inputs
The number of columns of the output matrix.
numCols - Variable in class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
The number of columns of the output matrix.
numConcats - Variable in class org.tensorflow.op.xla.AssignVariableConcatND.Inputs
Number of ways to merge per dimension.
numConcats - Variable in class org.tensorflow.op.xla.ConcatND.Inputs
Number of ways to merge per dimension.
numConsumers - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The numConsumers input
numConsumers() - Method in class org.tensorflow.GraphOperation
Get the number of ops that use any of this op's outputs as an input, not including control dependencies.
numConsumers(int) - Method in class org.tensorflow.GraphOperation
Get the number of ops that use this op's designated output as an input, not including control dependencies.
numControlConsumers() - Method in class org.tensorflow.GraphOperation
Get the number of ops with this op as a control dependency.
numControlInputs() - Method in class org.tensorflow.GraphOperation
Get the number of control inputs for this op.
numCoresPerReplica - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
Number of cores per replica.
numCoresPerReplica - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
Number of cores per replica.
numCoresPerReplica(Long) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the numCoresPerReplica option.
numCoresPerReplica(Long) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the numCoresPerReplica option.
numCoresPerReplica(Long) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the numCoresPerReplica option.
numCoresPerReplica(Long) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the numCoresPerReplica option.
numDevices - Variable in class org.tensorflow.op.core.NcclAllReduce.Inputs
Deprecated.
The numDevices attribute
numDevices - Variable in class org.tensorflow.op.distribute.NcclAllReduce.Inputs
The numDevices attribute
numDimensions(Shape<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Get the number of dimensions of the shape object.
numDimensions(Shape<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Get the number of dimensions of the shape object.
numDimensions(Scope, Shape<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Get the number of dimensions of the shape object.
numDimensions(Scope, Shape<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Get the number of dimensions of the shape object.
numElements - Variable in class org.tensorflow.op.core.BarrierTakeMany.Inputs
A single-element tensor containing the number of elements to take.
numElements - Variable in class org.tensorflow.op.core.TensorListReserve.Inputs
The numElements input
numElements - Variable in class org.tensorflow.op.core.TensorListScatter.Inputs
The numElements input
numElements - Variable in class org.tensorflow.op.core.TensorListStack.Inputs
The numElements attribute
numElements() - Method in class org.tensorflow.op.tpu.ComputeDedupDataSize
Gets numElements.
numElements(Long) - Static method in class org.tensorflow.op.core.TensorListStack
Sets the numElements option.
numElements(Long) - Method in class org.tensorflow.op.core.TensorListStack.Options
Sets the numElements option.
numElementsPerBranch - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The numElementsPerBranch attribute
numExperiments - Variable in class org.tensorflow.op.data.ChooseFastestDataset.Inputs
The numExperiments attribute
numExperiments - Variable in class org.tensorflow.op.data.experimental.ChooseFastestDataset.Inputs
The numExperiments attribute
numFeatures - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The numFeatures attribute
numFeatures - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The numFeatures attribute
numFeatures - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
The numFeatures attribute
numFeatures(Long...) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
Sets the numFeatures option.
numFeatures(Long...) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the numFeatures option.
numFeatures(Long...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Sets the numFeatures option.
numFeatures(Long...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the numFeatures option.
numFeatures(Long...) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Sets the numFeatures option.
numFeatures(Long...) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Options
Sets the numFeatures option.
numFeatures(List<Long>) - Static method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
Sets the numFeatures option.
numFeatures(List<Long>) - Method in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the numFeatures option.
numFeatures(List<Long>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
Sets the numFeatures option.
numFeatures(List<Long>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Options
Sets the numFeatures option.
numFeatures(List<Long>) - Static method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
Sets the numFeatures option.
numFeatures(List<Long>) - Method in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Options
Sets the numFeatures option.
numInnerIterations - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
Number of iterations per mini-batch.
numInputs() - Method in class org.tensorflow.GraphOperation
Get the number of inputs to the op, not including control inputs.
numLayers - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The numLayers input
numLayers - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The numLayers input
numLayers - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The numLayers input
NumLearningRateTags(Long) - Static method in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients
Sets the NumLearningRateTags option.
NumLearningRateTags(Long) - Method in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients.Options
Sets the NumLearningRateTags option.
numLossPartitions - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
Number of partitions of the global loss function.
numLower - Variable in class org.tensorflow.op.linalg.BandPart.Inputs
0-D tensor.
numLower - Variable in class org.tensorflow.op.linalg.BatchMatrixBandPart.Inputs
The numLower input
numMinibatchesPerPhysicalSparseCore - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The numMinibatchesPerPhysicalSparseCore input
numMinibatchesPerPhysicalSparseCore - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The numMinibatchesPerPhysicalSparseCore input
numMinibatchesPerPhysicalSparseCore - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The numMinibatchesPerPhysicalSparseCore input
numMinibatchesPerPhysicalSparseCore - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The numMinibatchesPerPhysicalSparseCore input
numMinibatchesPerPhysicalSparseCore - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The numMinibatchesPerPhysicalSparseCore input
numMinibatchesPerPhysicalSparseCore - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The numMinibatchesPerPhysicalSparseCore input
numMinibatchesPerPhysicalSparseCore() - Method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Gets numMinibatchesPerPhysicalSparseCore.
numNegativeSamples - Variable in class org.tensorflow.op.train.NegTrain.Inputs
Number of negative samples per example.
numNewVocab - Variable in class org.tensorflow.op.train.GenerateVocabRemapping.Inputs
Number of entries in the new vocab file to remap.
numOutputs() - Method in class org.tensorflow.GraphOperation
 
numOutputs() - Method in interface org.tensorflow.Operation
Returns the number of tensors produced by this operation.
numParallelCalls - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
A scalar representing the maximum number of parallel invocations of the map_fn function.
numParallelCalls - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
The numParallelCalls input
numParallelCalls - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
A scalar representing the maximum number of parallel invocations of the map_fn function.
numParallelCalls - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The numParallelCalls input
numParallelCalls - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
The number of concurrent invocations of predicate that process elements from input_dataset in parallel.
numParallelCalls - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
Determines the number of threads that should be used for fetching data from input datasets in parallel.
numParallelCalls - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The number of concurrent invocations of f that process elements from input_dataset in parallel.
numParallelCalls - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
The numParallelCalls input
numPresent() - Method in class org.tensorflow.op.train.GenerateVocabRemapping
Gets numPresent.
numProj - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The numProj attribute
numProj - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The numProj attribute
numProj - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The numProj attribute
numProj - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The numProj attribute
numProj - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The numProj attribute
numProj(Long) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the numProj option.
numProj(Long) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the numProj option.
numProj(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the numProj option.
numProj(Long) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the numProj option.
numProj(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Sets the numProj option.
numProj(Long) - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Options
Sets the numProj option.
numProj(Long) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Sets the numProj option.
numProj(Long) - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize.Options
Sets the numProj option.
numProj(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Sets the numProj option.
numProj(Long) - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Options
Sets the numProj option.
numRecords - Variable in class org.tensorflow.op.io.ReaderReadUpTo.Inputs
number of records to read from Reader.
numReplica - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The numReplica attribute
numReplica - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The numReplica attribute
numReplica - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The numReplica attribute
numReplicas - Variable in class org.tensorflow.op.data.AutoShardDataset.Inputs
The numReplicas attribute
numReplicas - Variable in class org.tensorflow.op.data.experimental.RebatchDataset.Inputs
A scalar representing the number of replicas to distribute this batch across.
numReplicas - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
Number of replicas of the computation
numReplicas - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
Number of replicas of the computation
numReplicas(Long) - Static method in class org.tensorflow.op.data.AutoShardDataset
Sets the numReplicas option.
numReplicas(Long) - Method in class org.tensorflow.op.data.AutoShardDataset.Options
Sets the numReplicas option.
numRequired - Variable in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient.Inputs
Number of gradients required before we return an aggregate.
numRequired - Variable in class org.tensorflow.op.train.AccumulatorTakeGradient.Inputs
Number of gradients required before we return an aggregate.
numRequired - Variable in class org.tensorflow.op.train.ResourceAccumulatorTakeGradient.Inputs
Number of gradients required before we return an aggregate.
numReservedIds - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
Optionally some reserved IDs can be added in the range [0, ..., num_reserved_ids) by the users.
numReservedIds(Long) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the numReservedIds option.
numReservedIds(Long) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the numReservedIds option.
numResults - Variable in class org.tensorflow.op.math.SobolSample.Inputs
Positive scalar Tensor of dtype int32.
numRetriesPerSample - Variable in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization.Inputs
Scalar.
numRows - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
Number of rows (length of the 1st dimension) in the output matrix.
numRows - Variable in class org.tensorflow.op.linalg.MatrixDiag.Inputs
The number of rows of the output matrix.
numRows - Variable in class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
The number of rows of the output matrix.
numSampled - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
Number of candidates to randomly sample.
numSampled - Variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
Number of candidates to randomly sample.
numSampled - Variable in class org.tensorflow.op.random.AllCandidateSampler.Inputs
Number of candidates to produce.
numSampled - Variable in class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
Number of candidates to randomly sample.
numSampled - Variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
Number of candidates to randomly sample.
numSampled - Variable in class org.tensorflow.op.random.UniformCandidateSampler.Inputs
Number of candidates to randomly sample.
numSamples - Variable in class org.tensorflow.op.random.Multinomial.Inputs
0-D.
numSamples - Variable in class org.tensorflow.op.random.StatelessMultinomial.Inputs
0-D.
numScPerChip - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The numScPerChip attribute
numScPerChip - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The numScPerChip attribute
numScPerChip - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The numScPerChip attribute
numSegments - Variable in class org.tensorflow.op.math.SegmentMax.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.math.SegmentMin.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.math.SegmentProd.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.math.SegmentSum.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.math.UnsortedSegmentMax.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.math.UnsortedSegmentMin.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.math.UnsortedSegmentProd.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.math.UnsortedSegmentSum.Inputs
The numSegments input
numSegments - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
Should equal the number of distinct segment IDs.
numSegments - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
Should equal the number of distinct segment IDs.
numSegments - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
Should equal the number of distinct segment IDs.
numSegments - Variable in class org.tensorflow.op.strings.UnsortedSegmentJoin.Inputs
The numSegments input
numShards - Variable in class org.tensorflow.op.data.ShardDataset.Inputs
An integer representing the number of shards operating in parallel.
numShards - Variable in class org.tensorflow.op.io.ShardedFilename.Inputs
The numShards input
numShards - Variable in class org.tensorflow.op.io.ShardedFilespec.Inputs
The numShards input
numShards - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
A sampler can be used to sample from a subset of the original range in order to speed up the whole computation through parallelism.
numShards - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
Number of shards into which the embedding tables are divided.
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters.Inputs
Number of shards into which the embedding tables are divided.
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Inputs
The numShards attribute
numShards - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Inputs
The numShards attribute
numShards(Long) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the numShards option.
numShards(Long) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the numShards option.
numSplits - Variable in class org.tensorflow.op.xla.ReadVariableSplitND.Inputs
Number of ways to split per dimension.
numSplits - Variable in class org.tensorflow.op.xla.SplitND.Inputs
Number of ways to split per dimension.
numThreads - Variable in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset.Inputs
Identifies the number of threads to use for the private threadpool.
numThreads - Variable in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Inputs
The number of threads in the thread pool.
numThreads - Variable in class org.tensorflow.op.data.PrivateThreadPoolDataset.Inputs
Identifies the number of threads to use for the private threadpool.
numThreads - Variable in class org.tensorflow.op.data.ThreadPoolHandle.Inputs
The number of threads in the thread pool.
numToSample - Variable in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization.Inputs
Scalar.
numTrue - Variable in class org.tensorflow.op.nn.ComputeAccidentalHits.Inputs
Number of true labels per context.
numTrue - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
Number of true labels per context.
numTrue - Variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
Number of true labels per context.
numTrue - Variable in class org.tensorflow.op.random.AllCandidateSampler.Inputs
Number of true labels per context.
numTrue - Variable in class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
Number of true labels per context.
numTrue - Variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
Number of true labels per context.
numTrue - Variable in class org.tensorflow.op.random.UniformCandidateSampler.Inputs
Number of true labels per context.
numUnits - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The numUnits input
numUnits - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The numUnits input
numUnits - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The numUnits input
numUpper - Variable in class org.tensorflow.op.linalg.BandPart.Inputs
0-D tensor.
numUpper - Variable in class org.tensorflow.op.linalg.BatchMatrixBandPart.Inputs
The numUpper input
numWorkers - Variable in class org.tensorflow.op.data.AutoShardDataset.Inputs
A scalar representing the number of workers to distribute this dataset across.
numWorkers - Variable in class org.tensorflow.op.data.experimental.AutoShardDataset.Inputs
A scalar representing the number of workers to distribute this dataset across.

O

o - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The output gate over the whole time sequence.
o - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The output gate.
o() - Method in class org.tensorflow.op.nn.BlockLSTM
Gets o.
o() - Method in class org.tensorflow.op.nn.LSTMBlockCell
Gets o.
of(Class<T>, Shape) - Static method in interface org.tensorflow.Tensor
Allocates a tensor of a given datatype and shape.
of(Class<T>, Shape, long) - Static method in interface org.tensorflow.Tensor
Allocates a tensor of a given datatype, shape and size.
of(Class<T>, Shape, long, Consumer<T>) - Static method in interface org.tensorflow.Tensor
Allocates a tensor of a given datatype, shape and size.
of(Class<T>, Shape, Consumer<T>) - Static method in interface org.tensorflow.Tensor
Allocates and initialize a tensor of a given datatype and shape.
of(Class<T>, Shape, ByteDataBuffer) - Static method in interface org.tensorflow.Tensor
Creates a Tensor of any type from the raw data provided by the given buffer.
of(TInt64, T, TInt64) - Static method in interface org.tensorflow.SparseTensor
Creates a sparse tensor from indices, values and denseShape dense tensors.
offset - Variable in class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
The offset attribute
offset - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
A 1D Tensor for offset, to shift to the normalized x.
offset() - Method in class org.tensorflow.op.core.ConcatOffset
Gets offset.
offset(Long) - Static method in class org.tensorflow.op.core.InitializeTableFromTextFile
Sets the offset option.
offset(Long) - Method in class org.tensorflow.op.core.InitializeTableFromTextFile.Options
Sets the offset option.
offsetBackprop() - Method in class org.tensorflow.op.nn.FusedBatchNormGrad
Gets offsetBackprop.
offsets - Variable in class org.tensorflow.op.image.ExtractGlimpse.Inputs
A 2-D integer tensor of shape [batch_size, 2] containing the y, x locations of the center of each window.
offsets - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The offsets input
offValue - Variable in class org.tensorflow.op.core.OneHot.Inputs
A scalar defining the value to fill in output when indices[j] != i.
oldTensorName - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
Name of the 2-D Tensor to load from checkpoint.
oldVocabFile - Variable in class org.tensorflow.op.train.GenerateVocabRemapping.Inputs
Path to the old vocab file.
oldVocabSize - Variable in class org.tensorflow.op.train.GenerateVocabRemapping.Inputs
Number of entries in the old vocab file to consider.
oldVocabSize(Long) - Static method in class org.tensorflow.op.train.GenerateVocabRemapping
Sets the oldVocabSize option.
oldVocabSize(Long) - Method in class org.tensorflow.op.train.GenerateVocabRemapping.Options
Sets the oldVocabSize option.
oneHot(Operand<? extends TNumber>, Operand<TInt32>, Operand<U>, Operand<U>, OneHot.Options...) - Method in class org.tensorflow.op.Ops
Returns a one-hot tensor.
OneHot<U extends TType> - Class in org.tensorflow.op.core
Returns a one-hot tensor.
OneHot(Operation) - Constructor for class org.tensorflow.op.core.OneHot
 
OneHot.Inputs<U extends TType> - Class in org.tensorflow.op.core
 
OneHot.Options - Class in org.tensorflow.op.core
Optional attributes for OneHot
ones(Operand<? extends TNumber>, Class<T>) - Method in class org.tensorflow.op.Ops
Creates a one valued tensor given its type and shape.
Ones<T extends TType> - Class in org.tensorflow.op.core
An operator creating a constant initialized with ones of the shape given by `dims`.
oneShotIterator(ConcreteFunction, List<Class<? extends TType>>, List<Shape>, OneShotIterator.Options...) - Method in class org.tensorflow.op.DataOps
Makes a "one-shot" iterator that can be iterated only once.
OneShotIterator - Class in org.tensorflow.op.data
Makes a "one-shot" iterator that can be iterated only once.
OneShotIterator(Operation) - Constructor for class org.tensorflow.op.data.OneShotIterator
 
OneShotIterator.Inputs - Class in org.tensorflow.op.data
 
OneShotIterator.Options - Class in org.tensorflow.op.data
Optional attributes for OneShotIterator
onesLike(Operand<T>) - Method in class org.tensorflow.op.Ops
Returns a tensor of ones with the same shape and type as x.
OnesLike<T extends TType> - Class in org.tensorflow.op.core
Returns a tensor of ones with the same shape and type as x.
OnesLike(Operation) - Constructor for class org.tensorflow.op.core.OnesLike
 
OnesLike.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
onValue - Variable in class org.tensorflow.op.core.OneHot.Inputs
A scalar defining the value to fill in output when indices[j] = i.
op() - Method in class org.tensorflow.op.core.Ones
 
op() - Method in class org.tensorflow.op.core.Zeros
 
op() - Method in interface org.tensorflow.op.Op
Return this unit of computation as a single Operation.
op() - Method in class org.tensorflow.op.RawOp
 
op() - Method in class org.tensorflow.Output
 
Op - Interface in org.tensorflow.op
A logical unit of computation.
OP_NAME - Static variable in class org.tensorflow.op.audio.AudioSpectrogram
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.audio.DecodeWav
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.audio.EncodeWav
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.audio.Mfcc
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.bitwise.BitwiseAnd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.bitwise.BitwiseOr
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.bitwise.BitwiseXor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.bitwise.Invert
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.bitwise.LeftShift
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.bitwise.RightShift
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.cluster.KMC2ChainInitialization
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveAllToAll
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveAssignGroup
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveBcastRecv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveBcastSend
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveGather
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveInitializeCommunicator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectivePermute
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveReduce
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.collective.CollectiveReduceScatter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Abort
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.All
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AnonymousHashTable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AnonymousMutableHashTable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Any
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ApproxTopK
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AssertThat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Assign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AssignAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AssignAddVariableOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AssignSub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AssignSubVariableOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.AssignVariableOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Barrier
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BarrierClose
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BarrierIncompleteSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BarrierInsertMany
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BarrierReadySize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BarrierTakeMany
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Batch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BatchFunction
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BatchToSpace
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BatchToSpaceNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Bitcast
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BroadcastDynamicShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BroadcastGradientArgs
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.BroadcastTo
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Bucketize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ClipByValue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.CompositeTensorVariantFromComponents
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.CompositeTensorVariantToComponents
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Concat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ConcatOffset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Constant
 
OP_NAME - Static variable in class org.tensorflow.op.core.ConsumeMutexLock
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ControlTrigger
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Copy
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.CopyHost
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.CopyToMesh
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.CopyToMeshGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.CountUpTo
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DecodeProto
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DeepCopy
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DeleteSessionTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DestroyResourceOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DestroyTemporaryVariable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DeviceIndex
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DummyMemoryCache
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DynamicPartition
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.DynamicStitch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.EditDistance
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Empty
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.EmptyTensorList
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.EmptyTensorMap
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.EncodeProto
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.EnsureShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Enter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Exit
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ExpandDims
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ExtractVolumePatches
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.FakeParam
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.FileSystemSetConfiguration
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Fill
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Fingerprint
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.For
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Gather
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.GatherNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.GetElementAtIndex
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.GetOptions
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.GetSessionHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.GetSessionTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.GuaranteeConst
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.HashTable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.HistogramFixedWidth
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.HostConst
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Identity
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.IdentityN
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ImmutableConst
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.InitializeTable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.InitializeTableFromTextFile
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.InplaceAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.InplaceSub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.InplaceUpdate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.IsVariableInitialized
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.KthOrderStatistic
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LinSpace
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LookupTableExport
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LookupTableFind
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LookupTableImport
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LookupTableInsert
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LookupTableRemove
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LookupTableSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LoopCond
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.LowerBound
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MakeUnique
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapClear
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapDefun
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapIncompleteSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapPeek
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapStage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapUnstage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MapUnstageNoKey
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Max
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Merge
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Min
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MirrorPad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MirrorPadGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MlirPassthroughOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MutableDenseHashTable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MutableHashTable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MutableHashTableOfTensors
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Mutex
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.MutexLock
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.NcclAllReduce
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.NcclBroadcast
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.NcclReduce
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.NextIteration
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.NoOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OneHot
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OnesLike
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OrderedMapClear
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OrderedMapIncompleteSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OrderedMapPeek
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OrderedMapSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OrderedMapStage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OrderedMapUnstage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.OrderedMapUnstageNoKey
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Pad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ParallelConcat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ParallelDynamicStitch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.PartitionedCall
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Placeholder
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.PlaceholderWithDefault
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Print
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Prod
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.QuantizedReshape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RandomIndexShuffle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Range
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Rank
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReadVariableOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Recv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReduceAll
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReduceAny
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReduceMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReduceMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReduceProd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReduceSum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RefEnter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RefExit
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RefIdentity
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RefMerge
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RefNextIteration
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RefSelect
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RefSwitch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Relayout
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RelayoutLike
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.RemoteCall
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Reshape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceCountUpTo
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceGather
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceGatherNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterDiv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterNdAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterNdMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterNdMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterNdSub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterNdUpdate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterSub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceScatterUpdate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ResourceStridedSliceAssign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Reverse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ReverseSequence
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Roll
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterDiv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterNdAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterNdMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterNdMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterNdNonAliasingAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterNdSub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterNdUpdate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterSub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ScatterUpdate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Select
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Send
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.SetDiff1d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.SetSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Shape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ShapeN
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Size
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Skipgram
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Slice
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Snapshot
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.SpaceToBatchNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Split
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.SplitV
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Squeeze
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Stack
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StackClose
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StackCreate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StackPop
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StackPush
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Stage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StageClear
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StagePeek
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StageSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StatefulCase
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StatefulIf
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StatefulPartitionedCall
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StatefulWhile
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StatelessCase
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StatelessIf
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StatelessWhile
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StochasticCastToInt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StopGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StridedSlice
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StridedSliceAssign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.StridedSliceGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Sum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.SwitchCond
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.SyncDevice
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TemporaryVariable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArray
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayClose
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayConcat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayGather
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayGradWithShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayPack
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayRead
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayScatter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArraySize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArraySplit
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayUnpack
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorArrayWrite
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListConcat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListConcatLists
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListElementShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListFromTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListGather
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListGetItem
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListLength
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListPopBack
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListPushBack
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListPushBackBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListReserve
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListResize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListScatter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListScatterIntoExistingList
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListSetItem
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListSplit
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorListStack
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorMapErase
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorMapHasKey
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorMapInsert
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorMapLookup
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorMapSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorMapStackKeys
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorScatterNdAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorScatterNdMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorScatterNdMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorScatterNdSub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorScatterNdUpdate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TensorStridedSliceUpdate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Tile
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Timestamp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TopKUnique
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.TopKWithUnique
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Unbatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.UnbatchGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.UniformQuantizedClipByValue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Unique
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.UniqueWithCounts
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.UnravelIndex
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Unstack
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Unstage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.UpperBound
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.VarHandleOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Variable
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.VariableShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.VarIsInitializedOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.Where
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.core.ZerosLike
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.AnonymousIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.AnonymousMemoryCache
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.AnonymousMultiDeviceIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.AssertCardinalityDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.AssertNextDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.AssertPrevDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.AutoShardDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.BatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.BytesProducedStatsDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.CacheDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ChooseFastestBranchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ChooseFastestDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.CompressElement
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ConcatenateDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.CSVDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DataServiceDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DatasetCardinality
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DatasetFingerprint
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DatasetFromGraph
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DatasetToGraph
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DatasetToSingleElement
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DatasetToTfRecord
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DeleteIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DeleteMemoryCache
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DeleteMultiDeviceIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DenseToSparseBatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DeserializeIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DirectedInterleaveDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.DummyIterationCounter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.AssertNextDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.AutoShardDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.ChooseFastestDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.CSVDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.DatasetCardinality
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.DatasetToTFRecord
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.IteratorGetDevice
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.LatencyStatsDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.LmdbDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.MapDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.MatchingFilesDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.NonSerializableDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.ParseExampleDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.RandomDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.RebatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.ScanDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.SleepDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.SlidingWindowDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.SqlDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.StatsAggregatorHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.StatsAggregatorSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.TakeWhileDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.ThreadPoolDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.ThreadPoolHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.UnbatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.experimental.UniqueDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.FilterByLastComponentDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.FilterDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.FinalizeDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.FixedLengthRecordDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.FlatMapDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.GeneratorDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.GroupByReducerDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.GroupByWindowDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.IgnoreErrorsDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.InitializeTableFromDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.InterleaveDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.Iterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.IteratorFromStringHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.IteratorGetDevice
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.IteratorGetNext
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.IteratorGetNextAsOptional
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.IteratorGetNextSync
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.IteratorToStringHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.LatencyStatsDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.LeakyReluGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ListDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ListSnapshotChunksDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.LMDBDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.LoadDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MakeIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MapAndBatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MapDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MatchingFilesDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MaxIntraOpParallelismDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ModelDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MultiDeviceIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MultiDeviceIteratorInit
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.MultiDeviceIteratorToStringHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.NonSerializableDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.OneShotIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.OptimizeDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.OptionalFromValue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.OptionalGetValue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.OptionalHasValue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.OptionalNone
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.OptionsDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.PaddedBatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ParallelBatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ParallelFilterDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ParallelInterleaveDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ParallelMapDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ParseExampleDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.PrefetchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.PrivateThreadPoolDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.RandomDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.RangeDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.RebatchDatasetV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ReduceDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.RegisterDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.RepeatDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.RewriteDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SamplingDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SaveDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ScanDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SerializeIterator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SetStatsAggregatorDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ShardDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ShuffleDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SkipDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SleepDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SlidingWindowDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SnapshotChunkDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SnapshotDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SnapshotDatasetReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SnapshotNestedDatasetReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SparseTensorSliceDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.SqlDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.StatsAggregatorHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.StatsAggregatorSetSummaryWriter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.TakeDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.TakeWhileDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.TensorDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.TensorSliceDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.TextLineDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.TfRecordDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ThreadPoolDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ThreadPoolHandle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.UnbatchDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.UncompressElement
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.UniqueDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.UnwrapDatasetVariant
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.WindowDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.WindowOp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.WrapDatasetVariant
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.data.ZipDataset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.debugging.CheckNumerics
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.debugging.DebugGradientIdentity
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.debugging.DebugGradientRefIdentity
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.debugging.DebugIdentity
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.debugging.DebugNanCount
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.debugging.DebugNumericsSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.distribute.NcclAllReduce
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.distribute.NcclBroadcast
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.distribute.NcclReduce
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.dtypes.AsString
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.dtypes.Cast
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.dtypes.Complex
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.dtypes.ToBool
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.AdjustContrast
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.AdjustHue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.AdjustSaturation
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.CombinedNonMaxSuppression
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.CropAndResize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.CropAndResizeGradBoxes
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.CropAndResizeGradImage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.DecodeAndCropJpeg
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.DecodeBmp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.DecodeGif
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.DecodeImage
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.DecodeJpeg
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.DecodePng
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.DrawBoundingBoxes
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.EncodeJpeg
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.EncodeJpegVariableQuality
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.EncodePng
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ExtractGlimpse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ExtractImagePatches
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ExtractJpegShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.HsvToRgb
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ImageProjectiveTransformV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ImageProjectiveTransformV3
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.NearestNeighbors
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.NonMaxSuppression
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.QuantizedResizeBilinear
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.RandomCrop
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ResizeArea
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ResizeBicubic
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ResizeBicubicGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ResizeBilinear
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ResizeBilinearGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ResizeNearestNeighbor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ResizeNearestNeighborGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.RgbToHsv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.SampleDistortedBoundingBox
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ScaleAndTranslate
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.ScaleAndTranslateGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DecodeBase64
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DecodeCompressed
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DecodeCsv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DecodeJsonExample
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DecodePaddedRaw
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DecodeRaw
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DeserializeManySparse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.DisableCopyOnRead
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.EncodeBase64
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.FakeQueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.FifoQueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.FixedLengthRecordReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.IdentityReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.LmdbReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.MatchingFiles
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.PaddingFifoQueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ParseExample
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ParseSequenceExample
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ParseSingleExample
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ParseSingleSequenceExample
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ParseTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.PriorityQueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueClose
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueDequeue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueDequeueMany
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueDequeueUpTo
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueEnqueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueEnqueueMany
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueIsClosed
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.QueueSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.RandomShuffleQueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReaderNumRecordsProduced
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReaderNumWorkUnitsCompleted
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReaderRead
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReaderReadUpTo
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReaderReset
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReaderRestoreState
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReaderSerializeState
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ReadFile
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.SerializeManySparse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.SerializeSparse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.SerializeTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ShardedFilename
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.ShardedFilespec
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.TextLineReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.TfRecordReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.WholeFileReader
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.io.WriteFile
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BandedTriangularSolve
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BandPart
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchCholesky
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchCholeskyGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixBandPart
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixDeterminant
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixDiag
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixDiagPart
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixInverse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixSetDiag
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixSolve
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixSolveLs
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchSelfAdjointEig
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.BatchSvd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Cholesky
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.CholeskyGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.ConjugateTranspose
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Cross
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Det
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Eig
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Einsum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.EuclideanNorm
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Inv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.LogMatrixDeterminant
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Lu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixDiag
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixDiagPart
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixDiagPartV3
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixDiagV3
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixExponential
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixLogarithm
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixSetDiag
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.MatrixSolveLs
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Qr
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.QuantizedMatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.SelfAdjointEig
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Solve
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixNNZ
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixOrderingAMD
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseMatrixZeros
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Sqrtm
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Svd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.TensorDiag
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.TensorDiagPart
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.Transpose
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.TriangularSolve
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.TridiagonalMatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.linalg.TridiagonalSolve
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Abs
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.AccumulateN
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Acos
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Acosh
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Add
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.AddN
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Angle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.ApproximateEqual
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.ArgMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.ArgMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Asin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Asinh
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Atan
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Atan2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Atanh
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.BesselI0
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.BesselI0e
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.BesselI1
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.BesselI1e
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Betainc
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Bincount
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Ceil
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.ComplexAbs
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Conj
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Cos
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Cosh
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Cumprod
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Cumsum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.CumulativeLogsumexp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.DenseBincount
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Digamma
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Div
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.DivNoNan
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Equal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Erf
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Erfc
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.erfinv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Exp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Expm1
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Fact
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Floor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.FloorDiv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.FloorMod
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Greater
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.GreaterEqual
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Igamma
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Igammac
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.IgammaGradA
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Imag
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.InvertPermutation
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.IsFinite
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.IsInf
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.IsNan
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Less
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.LessEqual
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Lgamma
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Log
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Log1p
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.LogicalAnd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.LogicalNot
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.LogicalOr
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Maximum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Mean
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Minimum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Mod
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Mul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.MulNoNan
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Ndtri
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Neg
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.NextAfter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.NotEqual
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Polygamma
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.PopulationCount
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Pow
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.QuantizedAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.QuantizedMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Real
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.RealDiv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Reciprocal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.ReciprocalGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.RequantizationRangePerChannel
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.RequantizePerChannel
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Rint
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Round
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Rsqrt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.RsqrtGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SegmentMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SegmentMean
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SegmentMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SegmentProd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SegmentSum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Sigmoid
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SigmoidGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Sign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Sin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Sinh
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SobolSample
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Softplus
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SoftplusGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselJ0
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselJ1
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselK0
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselK0e
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselK1
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselK1e
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselY0
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.BesselY1
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.Dawsn
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.Expint
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.FresnelCos
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.FresnelSin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.special.Spence
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Sqrt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SqrtGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Square
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.SquaredDifference
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Sub
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Tan
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Tanh
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.TanhGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.TruncateDiv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.TruncateMod
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.UniformQuantizedAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.UnsortedSegmentMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.UnsortedSegmentMin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.UnsortedSegmentProd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.UnsortedSegmentSum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Xdivy
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Xlog1py
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Xlogy
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.math.Zeta
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.AvgPool
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.AvgPool3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.AvgPool3dGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.AvgPoolGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.BiasAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.BiasAddGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.BlockLSTM
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.BlockLSTMGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.ComputeAccidentalHits
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv2dBackpropFilter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv2dBackpropInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv3dBackpropFilter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Conv3dBackpropInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CtcBeamSearchDecoder
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CtcGreedyDecoder
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CtcLoss
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CTCLossV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CudnnRNN
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CudnnRNNBackprop
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CudnnRnnParamsSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.DataFormatDimMap
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.DataFormatVecPermute
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.DepthToSpace
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.DepthwiseConv2dNative
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Dilation2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Dilation2dBackpropInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Elu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.EluGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FractionalAvgPool
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FractionalAvgPoolGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FractionalMaxPool
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FusedBatchNorm
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FusedBatchNormGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FusedPadConv2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.GRUBlockCell
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.GRUBlockCellGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.InTopK
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.InvGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.IsotonicRegression
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.L2Loss
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.LeakyRelu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.LocalResponseNormalization
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.LogSoftmax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.LSTMBlockCell
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.LSTMBlockCellGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPool
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPool3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPool3dGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPool3dGradGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPoolGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPoolGradGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.MaxPoolWithArgmax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.NthElement
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedAvgPool
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedBiasAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedInstanceNorm
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedMaxPool
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedRelu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedRelu6
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.QuantizedReluX
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Relu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Relu6
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Relu6Grad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.ReluGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Selu
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.SeluGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Softmax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.Softsign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.SoftsignGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.SpaceToBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.SpaceToDepth
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.TopK
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.UniformQuantizedConvolution
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.Dequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgsGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannelGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.Quantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizeAndDequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizedConcat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.RequantizationRange
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.Requantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.UniformDequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.UniformQuantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.UniformQuantizedDot
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.quantization.UniformRequantize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedBincount
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedCross
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedFillEmptyRows
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedGather
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedRange
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedTensorFromVariant
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedTensorToSparse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedTensorToTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedTensorToVariant
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.AllCandidateSampler
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.AnonymousRandomSeedGenerator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.AnonymousSeedGenerator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.DeleteRandomSeedGenerator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.DeleteSeedGenerator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.DummySeedGenerator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.experimental.StatelessShuffle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.LogUniformCandidateSampler
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.Multinomial
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.NonDeterministicInts
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RandomGamma
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RandomGammaGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RandomPoisson
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RandomShuffle
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RandomStandardNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RandomUniform
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RandomUniformInt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RecordInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RngReadAndSkip
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.RngSkip
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatefulRandomBinomial
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatefulStandardNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatefulTruncatedNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatefulUniform
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatefulUniformFullInt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatefulUniformInt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessMultinomial
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomBinomial
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomGamma
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomGetAlg
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomGetKeyCounter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomNormalV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomPoisson
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomUniform
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomUniformFullInt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomUniformInt
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessRandomUniformV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessTruncatedNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.StatelessTruncatedNormalV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.TruncatedNormal
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.random.UniformCandidateSampler
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.BatchFft
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.BatchFft2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.BatchFft3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.BatchIfft
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.BatchIfft2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.BatchIfft3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Fft
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Fft2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Fft3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.FftNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Ifft
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Ifft2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Ifft3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.IfftNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Irfft
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Irfft2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Irfft3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.IrfftNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Rfft
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Rfft2d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.Rfft3d
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.signal.RfftNd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.AddManySparseToTensorsMap
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.AddSparseToTensorsMap
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.DenseCountSparseOutput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.DenseToDenseSetOperation
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.DeserializeSparse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseAddGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseBincount
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseConcat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseConditionalAccumulator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseCountSparseOutput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseCross
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseCrossHashed
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseDenseCwiseAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseDenseCwiseDiv
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseDenseCwiseMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseFillEmptyRows
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseMatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseReduceMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseReduceMaxSparse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseReduceSum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseReduceSumSparse
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseReorder
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseReshape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentMean
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentSum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSlice
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSliceGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSoftmax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSparseMaximum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSparseMinimum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseSplit
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseTensorDenseAdd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseToDense
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.Join
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.Lower
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.ReduceJoin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.RegexFullMatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.RegexReplace
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.StaticRegexFullMatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.StaticRegexReplace
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.StringFormat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.StringLength
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.StringNGrams
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.StringSplit
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.Strip
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.Substr
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.ToHashBucket
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.ToHashBucketFast
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.ToHashBucketStrong
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.ToNumber
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.UnicodeDecode
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.UnicodeEncode
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.UnicodeScript
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.UnicodeTranscode
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.UnsortedSegmentJoin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.strings.Upper
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.AudioSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.CloseSummaryWriter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.CreateSummaryDbWriter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.CreateSummaryFileWriter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.FlushSummaryWriter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.HistogramSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.ImageSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.ImportEvent
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.MergeSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.ScalarSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.StatsAggregatorSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.SummaryWriter
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.TensorSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.WriteAudioSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.WriteGraphSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.WriteHistogramSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.WriteImageSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.WriteRawProtoSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.WriteScalarSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.summary.WriteSummary
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.AllToAll
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.CollateTPUEmbeddingMemory
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.CompilationResult
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.Compile
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.CompileSucceededAssert
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ComputeDedupDataSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ComputeDedupDataTupleMask
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ConfigureDistributedTPU
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ConfigureTPUEmbedding
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingHost
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ConfigureTPUEmbeddingMemory
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ConnectTPUEmbeddingHosts
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ConvertToCooTensor
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.CrossReplicaSum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.DTensorRestore
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.EmbeddingActivations
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingIntegerBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.Execute
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ExecuteTPUEmbeddingPartitioner
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.FinalizeTPUEmbedding
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.GlobalIterId
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.InfeedDequeue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.InfeedDequeueTuple
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.InfeedEnqueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.InfeedEnqueuePrelinearizedBuffer
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.InfeedEnqueueTuple
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.IsTPUEmbeddingInitialized
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.MergeDedupData
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.OrdinalSelector
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.OutfeedDequeue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.OutfeedDequeueTuple
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.OutfeedDequeueTupleV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.OutfeedDequeueV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.OutfeedEnqueue
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.OutfeedEnqueueTuple
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.PartitionedCall
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.PartitionedInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.PartitionedOutput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.Prelinearize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.PrelinearizeTuple
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RecvTPUEmbeddingActivations
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ReplicatedInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ReplicatedOutput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ReplicateMetadata
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.SendTPUEmbeddingGradients
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ShutdownDistributedTPU
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.ShutdownTPUSystem
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.SplitDedupData
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUCompilationResult
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUCopyWithDynamicShape
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUEmbeddingActivations
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TpuHandleToProtoKey
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUReplicatedOutput
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPUReshardVariables
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.TPURoundRobin
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.tpu.WorkerHeartbeat
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.AccumulatorApplyGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.AccumulatorNumAccumulated
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.AccumulatorSetGlobalStep
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.AccumulatorTakeGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyAdadelta
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyAdagradDa
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyAdagradV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyAdam
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyAdaMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyAddSign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyCenteredRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyFtrl
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyGradientDescent
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyMomentum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyPowerSign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyProximalAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyProximalGradientDescent
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ApplyRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.BatchMatMul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ComputeBatchSize
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ConditionalAccumulator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.DistributedSave
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.GenerateVocabRemapping
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.MergeV2Checkpoints
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.NegTrain
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.PreventGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceAccumulatorApplyGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceAccumulatorNumAccumulated
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceAccumulatorSetGlobalStep
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceAccumulatorTakeGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyAdadelta
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyAdagradDa
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyAdam
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyAdaMax
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyAddSign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyFtrl
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyGradientDescent
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyMomentum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyPowerSign
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceApplyRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceConditionalAccumulator
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.Restore
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.RestoreSlice
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.Save
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SaveSlices
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SdcaFprint
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SdcaOptimizer
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SdcaShrinkL1
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyAdadelta
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyAdagradDa
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyFtrl
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyMomentum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SparseApplyRmsProp
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.SymbolicGradient
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.train.TileGrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.AssignVariableConcatND
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.ConcatND
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.ReadVariableSplitND
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.SplitND
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaHostCompute
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaRecvFromHost
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingDeduplicationData
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSendToHost
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseCoreAdagrad
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseCoreAdam
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseCoreFtrl
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseCoreSgd
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput
The name of this op, as known by TensorFlow core engine
OP_NAME - Static variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput
The name of this op, as known by TensorFlow core engine
opBuilder(String, String) - Method in interface org.tensorflow.op.Scope
Returns a builder to create a new Operation.
opBuilder(String, String, Scope) - Method in class org.tensorflow.EagerSession
 
opBuilder(String, String, Scope) - Method in interface org.tensorflow.ExecutionEnvironment
Returns a builder to create a new Operation.
opBuilder(String, String, Scope) - Method in class org.tensorflow.Graph
Returns a builder to add Operations to the Graph.
operand - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
Must be a Tensor of T.
Operand<T extends TType> - Interface in org.tensorflow
Interface implemented by operands of a TensorFlow operation.
Operands - Class in org.tensorflow.op
Utilities for manipulating operand related types and lists.
operation - Variable in class org.tensorflow.op.RawOp
 
operation(String) - Method in class org.tensorflow.Graph
Returns the operation (node in the Graph) with the provided name.
Operation - Interface in org.tensorflow
Performs computation on Tensors.
OperationAttributeInspector - Interface in org.tensorflow
Helper type for attribute getters, so we don't clutter the operation classes too much.
OperationBuilder - Interface in org.tensorflow
A builder for Operations.
operationOrThrow(String) - Method in class org.tensorflow.Graph
Returns the operation (node in the Graph) with the provided name, or throws IllegalArgumentException if there isn't one.
operations() - Method in class org.tensorflow.Graph
Iterator over all the Operations in the graph.
Operator - Annotation Type in org.tensorflow.op.annotation
Annotation used by classes to make TensorFlow operations conveniently accessible via org.tensorflow.op.Ops or one of its groups.
OpInputsMetadata - Annotation Type in org.tensorflow.op.annotation
An annotation to provide metadata about an op inputs accessor class.
OpMetadata - Annotation Type in org.tensorflow.op.annotation
An annotation to provide metadata about an op.
ops() - Method in class org.tensorflow.op.AudioOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.BitwiseOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.ClusterOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.CollectiveOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.DataExperimentalOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.DataOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.DebuggingOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.DistributeOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.DtypesOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.ImageOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.IoOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.LinalgOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.LinalgSparseOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.MathOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.MathSpecialOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.NnOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.QuantizationOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.RaggedOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.RandomExperimentalOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.RandomOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.ShapeOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.SignalOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.SparseOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.StringsOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.SummaryOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.TpuOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.TrainOps
Get the parent Ops object.
ops() - Method in class org.tensorflow.op.XlaOps
Get the parent Ops object.
Ops - Class in org.tensorflow.op
An API for building operations as Ops
OpScope - Class in org.tensorflow.op
A Java implementation of Scope.
OpScope(ExecutionEnvironment) - Constructor for class org.tensorflow.op.OpScope
Create a new top-level scope.
optimizationConfigs - Variable in class org.tensorflow.op.data.OptimizeDataset.Inputs
The optimizationConfigs attribute
optimizationConfigs(String...) - Static method in class org.tensorflow.op.data.OptimizeDataset
Sets the optimizationConfigs option.
optimizationConfigs(String...) - Method in class org.tensorflow.op.data.OptimizeDataset.Options
Sets the optimizationConfigs option.
optimizationConfigs(List<String>) - Static method in class org.tensorflow.op.data.OptimizeDataset
Sets the optimizationConfigs option.
optimizationConfigs(List<String>) - Method in class org.tensorflow.op.data.OptimizeDataset.Options
Sets the optimizationConfigs option.
optimizationsDefault - Variable in class org.tensorflow.op.data.OptimizeDataset.Inputs
A tf.string vector tf.Tensor identifying optimizations by default.
optimizationsDisabled - Variable in class org.tensorflow.op.data.OptimizeDataset.Inputs
A tf.string vector tf.Tensor identifying user disabled optimizations.
optimizationsEnabled - Variable in class org.tensorflow.op.data.OptimizeDataset.Inputs
A tf.string vector tf.Tensor identifying user enabled optimizations.
optimizeDataset(Operand<? extends TType>, Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>, OptimizeDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset by applying related optimizations to input_dataset.
OptimizeDataset - Class in org.tensorflow.op.data
Creates a dataset by applying related optimizations to input_dataset.
OptimizeDataset(Operation) - Constructor for class org.tensorflow.op.data.OptimizeDataset
 
OptimizeDataset.Inputs - Class in org.tensorflow.op.data
 
OptimizeDataset.Options - Class in org.tensorflow.op.data
Optional attributes for OptimizeDataset
optimizeSize - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
If True, spend CPU/RAM to reduce size with no quality change.
optimizeSize(Boolean) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the optimizeSize option.
optimizeSize(Boolean) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the optimizeSize option.
optional - Variable in class org.tensorflow.op.data.OptionalGetValue.Inputs
The optional input
optional - Variable in class org.tensorflow.op.data.OptionalHasValue.Inputs
The optional input
optional() - Method in class org.tensorflow.op.data.IteratorGetNextAsOptional
Gets optional.
optional() - Method in class org.tensorflow.op.data.OptionalFromValue
Gets optional.
optional() - Method in class org.tensorflow.op.data.OptionalNone
Gets optional.
optionalFromValue(Iterable<Operand<?>>) - Method in class org.tensorflow.op.DataOps
Constructs an Optional variant from a tuple of tensors.
OptionalFromValue - Class in org.tensorflow.op.data
Constructs an Optional variant from a tuple of tensors.
OptionalFromValue(Operation) - Constructor for class org.tensorflow.op.data.OptionalFromValue
 
OptionalFromValue.Inputs - Class in org.tensorflow.op.data
 
optionalGetValue(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Returns the value stored in an Optional variant or raises an error if none exists.
OptionalGetValue - Class in org.tensorflow.op.data
Returns the value stored in an Optional variant or raises an error if none exists.
OptionalGetValue(Operation) - Constructor for class org.tensorflow.op.data.OptionalGetValue
 
OptionalGetValue.Inputs - Class in org.tensorflow.op.data
 
optionalHasValue(Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Returns true if and only if the given Optional variant has a value.
OptionalHasValue - Class in org.tensorflow.op.data
Returns true if and only if the given Optional variant has a value.
OptionalHasValue(Operation) - Constructor for class org.tensorflow.op.data.OptionalHasValue
 
OptionalHasValue.Inputs - Class in org.tensorflow.op.data
 
optionalNone() - Method in class org.tensorflow.op.DataOps
Creates an Optional variant with no value.
OptionalNone - Class in org.tensorflow.op.data
Creates an Optional variant with no value.
OptionalNone(Operation) - Constructor for class org.tensorflow.op.data.OptionalNone
 
OptionalNone.Inputs - Class in org.tensorflow.op.data
 
options() - Static method in class org.tensorflow.EagerSession
Returns an object that configures and builds a EagerSession with custom options.
optionsDataset(Operand<? extends TType>, String, List<Class<? extends TType>>, List<Shape>, OptionsDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset by attaching tf.data.Options to input_dataset.
OptionsDataset - Class in org.tensorflow.op.data
Creates a dataset by attaching tf.data.Options to input_dataset.
OptionsDataset(Operation) - Constructor for class org.tensorflow.op.data.OptionsDataset
 
OptionsDataset.Inputs - Class in org.tensorflow.op.data
 
OptionsDataset.Options - Class in org.tensorflow.op.data
Optional attributes for OptionsDataset
opType() - Element in annotation type org.tensorflow.op.annotation.OpMetadata
The type of the op in the TF runtime.
orderedMapClear(List<Class<? extends TType>>, OrderedMapClear.Options...) - Method in class org.tensorflow.op.Ops
Op removes all elements in the underlying container.
OrderedMapClear - Class in org.tensorflow.op.core
Op removes all elements in the underlying container.
OrderedMapClear(Operation) - Constructor for class org.tensorflow.op.core.OrderedMapClear
 
OrderedMapClear.Inputs - Class in org.tensorflow.op.core
 
OrderedMapClear.Options - Class in org.tensorflow.op.core
Optional attributes for OrderedMapClear
orderedMapIncompleteSize(List<Class<? extends TType>>, OrderedMapIncompleteSize.Options...) - Method in class org.tensorflow.op.Ops
Op returns the number of incomplete elements in the underlying container.
OrderedMapIncompleteSize - Class in org.tensorflow.op.core
Op returns the number of incomplete elements in the underlying container.
OrderedMapIncompleteSize(Operation) - Constructor for class org.tensorflow.op.core.OrderedMapIncompleteSize
 
OrderedMapIncompleteSize.Inputs - Class in org.tensorflow.op.core
 
OrderedMapIncompleteSize.Options - Class in org.tensorflow.op.core
Optional attributes for OrderedMapIncompleteSize
orderedMapPeek(Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, OrderedMapPeek.Options...) - Method in class org.tensorflow.op.Ops
Op peeks at the values at the specified key.
OrderedMapPeek - Class in org.tensorflow.op.core
Op peeks at the values at the specified key.
OrderedMapPeek(Operation) - Constructor for class org.tensorflow.op.core.OrderedMapPeek
 
OrderedMapPeek.Inputs - Class in org.tensorflow.op.core
 
OrderedMapPeek.Options - Class in org.tensorflow.op.core
Optional attributes for OrderedMapPeek
orderedMapSize(List<Class<? extends TType>>, OrderedMapSize.Options...) - Method in class org.tensorflow.op.Ops
Op returns the number of elements in the underlying container.
OrderedMapSize - Class in org.tensorflow.op.core
Op returns the number of elements in the underlying container.
OrderedMapSize(Operation) - Constructor for class org.tensorflow.op.core.OrderedMapSize
 
OrderedMapSize.Inputs - Class in org.tensorflow.op.core
 
OrderedMapSize.Options - Class in org.tensorflow.op.core
Optional attributes for OrderedMapSize
orderedMapStage(Operand<TInt64>, Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, OrderedMapStage.Options...) - Method in class org.tensorflow.op.Ops
Stage (key, values) in the underlying container which behaves like a ordered associative container.
OrderedMapStage - Class in org.tensorflow.op.core
Stage (key, values) in the underlying container which behaves like a ordered associative container.
OrderedMapStage(Operation) - Constructor for class org.tensorflow.op.core.OrderedMapStage
 
OrderedMapStage.Inputs - Class in org.tensorflow.op.core
 
OrderedMapStage.Options - Class in org.tensorflow.op.core
Optional attributes for OrderedMapStage
orderedMapUnstage(Operand<TInt64>, Operand<TInt32>, List<Class<? extends TType>>, OrderedMapUnstage.Options...) - Method in class org.tensorflow.op.Ops
Op removes and returns the values associated with the key from the underlying container.
OrderedMapUnstage - Class in org.tensorflow.op.core
Op removes and returns the values associated with the key from the underlying container.
OrderedMapUnstage(Operation) - Constructor for class org.tensorflow.op.core.OrderedMapUnstage
 
OrderedMapUnstage.Inputs - Class in org.tensorflow.op.core
 
OrderedMapUnstage.Options - Class in org.tensorflow.op.core
Optional attributes for OrderedMapUnstage
orderedMapUnstageNoKey(Operand<TInt32>, List<Class<? extends TType>>, OrderedMapUnstageNoKey.Options...) - Method in class org.tensorflow.op.Ops
Op removes and returns the (key, value) element with the smallest key from the underlying container.
OrderedMapUnstageNoKey - Class in org.tensorflow.op.core
Op removes and returns the (key, value) element with the smallest key from the underlying container.
OrderedMapUnstageNoKey(Operation) - Constructor for class org.tensorflow.op.core.OrderedMapUnstageNoKey
 
OrderedMapUnstageNoKey.Inputs - Class in org.tensorflow.op.core
 
OrderedMapUnstageNoKey.Options - Class in org.tensorflow.op.core
Optional attributes for OrderedMapUnstageNoKey
orderingToken - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The orderingToken input
orderingToken - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The orderingToken input
ordinalSelector() - Method in class org.tensorflow.op.TpuOps
A TPU core selector Op.
OrdinalSelector - Class in org.tensorflow.op.tpu
A TPU core selector Op.
OrdinalSelector(Operation) - Constructor for class org.tensorflow.op.tpu.OrdinalSelector
 
OrdinalSelector.Inputs - Class in org.tensorflow.op.tpu
 
org.tensorflow - package org.tensorflow
Defines classes to build, save, load and execute TensorFlow models.
org.tensorflow.op - package org.tensorflow.op
 
org.tensorflow.op.annotation - package org.tensorflow.op.annotation
 
org.tensorflow.op.audio - package org.tensorflow.op.audio
 
org.tensorflow.op.bitwise - package org.tensorflow.op.bitwise
 
org.tensorflow.op.cluster - package org.tensorflow.op.cluster
 
org.tensorflow.op.collective - package org.tensorflow.op.collective
 
org.tensorflow.op.core - package org.tensorflow.op.core
 
org.tensorflow.op.data - package org.tensorflow.op.data
 
org.tensorflow.op.data.experimental - package org.tensorflow.op.data.experimental
 
org.tensorflow.op.debugging - package org.tensorflow.op.debugging
 
org.tensorflow.op.dtypes - package org.tensorflow.op.dtypes
 
org.tensorflow.op.image - package org.tensorflow.op.image
 
org.tensorflow.op.io - package org.tensorflow.op.io
 
org.tensorflow.op.linalg - package org.tensorflow.op.linalg
 
org.tensorflow.op.linalg.sparse - package org.tensorflow.op.linalg.sparse
 
org.tensorflow.op.math - package org.tensorflow.op.math
 
org.tensorflow.op.math.special - package org.tensorflow.op.math.special
 
org.tensorflow.op.nn - package org.tensorflow.op.nn
 
org.tensorflow.op.quantization - package org.tensorflow.op.quantization
 
org.tensorflow.op.ragged - package org.tensorflow.op.ragged
 
org.tensorflow.op.random - package org.tensorflow.op.random
 
org.tensorflow.op.signal - package org.tensorflow.op.signal
 
org.tensorflow.op.sparse - package org.tensorflow.op.sparse
 
org.tensorflow.op.strings - package org.tensorflow.op.strings
 
org.tensorflow.op.summary - package org.tensorflow.op.summary
 
org.tensorflow.op.tpu - package org.tensorflow.op.tpu
 
org.tensorflow.op.train - package org.tensorflow.op.train
 
org.tensorflow.op.xla - package org.tensorflow.op.xla
 
org.tensorflow.types - package org.tensorflow.types
Defines classes that represent TensorFlow tensor types.
org.tensorflow.types.annotation - package org.tensorflow.types.annotation
 
org.tensorflow.types.family - package org.tensorflow.types.family
Interfaces used to group tensor types in families that define a particular domain of data.
originalImage - Variable in class org.tensorflow.op.image.ResizeBicubicGrad.Inputs
4-D with shape [batch, orig_height, orig_width, channels], The image tensor that was resized.
originalImage - Variable in class org.tensorflow.op.image.ResizeBilinearGrad.Inputs
4-D with shape [batch, orig_height, orig_width, channels], The image tensor that was resized.
originalImage - Variable in class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
The originalImage input
originalInput - Variable in class org.tensorflow.op.core.UnbatchGrad.Inputs
The originalInput input
origInput - Variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
Original input for fractional_max_pool
origInput - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
The original input tensor.
origInput - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
The original input tensor.
origInput - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
The original input tensor.
origInput - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
The original input tensor.
origInputShape - Variable in class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
The original input dimensions.
origInputShape - Variable in class org.tensorflow.op.nn.AvgPoolGrad.Inputs
1-D.
origInputTensorShape - Variable in class org.tensorflow.op.nn.FractionalAvgPoolGrad.Inputs
Original input tensor shape for fractional_avg_pool
origOutput - Variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
Original output for fractional_max_pool
origOutput - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
The original output tensor.
origOutput - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
The original output tensor.
origOutput - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
The original output tensor.
origOutput - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
The original output tensor.
otherArguments - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
A list of tensors, typically values that were captured when building a closure for f.
otherArguments - Variable in class org.tensorflow.op.data.experimental.MapDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.experimental.TakeWhileDataset.Inputs
A list of tensors, typically values that were captured when building a closure for predicate.
otherArguments - Variable in class org.tensorflow.op.data.FilterDataset.Inputs
A list of tensors, typically values that were captured when building a closure for predicate.
otherArguments - Variable in class org.tensorflow.op.data.FlatMapDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
A list of tensors, typically values that were captured when building a closure for f.
otherArguments - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
A list of tensors, typically values that were captured when building a closure for predicate.
otherArguments - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
Additional arguments to pass to f beyond those produced by input_dataset.
otherArguments - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The otherArguments input
otherArguments - Variable in class org.tensorflow.op.data.TakeWhileDataset.Inputs
A list of tensors, typically values that were captured when building a closure for predicate.
otherArgumentsLengths - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The otherArgumentsLengths attribute
out() - Method in class org.tensorflow.op.core.HistogramFixedWidth
Gets out.
out() - Method in class org.tensorflow.op.core.SetDiff1d
Gets out.
out() - Method in class org.tensorflow.op.dtypes.Complex
Gets out.
out() - Method in class org.tensorflow.op.linalg.QuantizedMatMul
Gets out.
out() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
Gets out.
out() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
Gets out.
out() - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
Gets out.
out() - Method in class org.tensorflow.op.math.Cumprod
Gets out.
out() - Method in class org.tensorflow.op.math.Cumsum
Gets out.
out() - Method in class org.tensorflow.op.math.CumulativeLogsumexp
Gets out.
out() - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
Gets out.
out() - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyAdadelta
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyAdagrad
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyAdagradDa
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyAdagradV2
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyAdam
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyAdaMax
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyAddSign
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyCenteredRmsProp
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyFtrl
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyGradientDescent
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyMomentum
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyPowerSign
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyProximalAdagrad
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyProximalGradientDescent
Gets out.
out() - Method in class org.tensorflow.op.train.ApplyRmsProp
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyAdadelta
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyAdagrad
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyAdagradDa
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyCenteredRmsProp
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyFtrl
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyMomentum
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyProximalAdagrad
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyProximalGradientDescent
Gets out.
out() - Method in class org.tensorflow.op.train.SparseApplyRmsProp
Gets out.
outBackprop - Variable in class org.tensorflow.op.nn.BiasAddGrad.Inputs
Any number of dimensions.
outBackprop - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
4-D with shape [batch, out_height, out_width, out_channels].
outBackprop - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
4-D with shape [batch, out_height, out_width, out_channels].
outBackprop - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
4-D with shape [batch, out_height, out_width, out_channels].
outBackprop - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
4-D with shape [batch, out_height, out_width, out_channels].
outBackprop - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
Backprop signal of shape [batch, out_depth, out_rows, out_cols, out_channels].
outBackprop - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
Backprop signal of shape [batch, out_depth, out_rows, out_cols, out_channels].
outBackprop - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
4-D with shape based on data_format.
outBackprop - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
4-D with shape based on data_format.
outBackprop - Variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
4-D with shape [batch, out_height, out_width, depth].
outBackprop - Variable in class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
4-D with shape [batch, out_height, out_width, depth].
outBackprop - Variable in class org.tensorflow.op.nn.FractionalAvgPoolGrad.Inputs
4-D with shape [batch, height, width, channels].
outBackprop - Variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
4-D with shape [batch, height, width, channels].
outDeltaDenseWeights() - Method in class org.tensorflow.op.train.SdcaOptimizer
Gets outDeltaDenseWeights.
outDeltaSparseWeights() - Method in class org.tensorflow.op.train.SdcaOptimizer
Gets outDeltaSparseWeights.
outExampleStateData() - Method in class org.tensorflow.op.train.SdcaOptimizer
Gets outExampleStateData.
outfeedDequeue(Class<T>, Shape, OutfeedDequeue.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieves a single tensor from the computation outfeed.
OutfeedDequeue<T extends TType> - Class in org.tensorflow.op.tpu
Retrieves a single tensor from the computation outfeed.
OutfeedDequeue(Operation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeue
 
OutfeedDequeue.Inputs - Class in org.tensorflow.op.tpu
 
OutfeedDequeue.Options - Class in org.tensorflow.op.tpu
Optional attributes for OutfeedDequeue
outfeedDequeueTuple(List<Class<? extends TType>>, List<Shape>, OutfeedDequeueTuple.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve multiple values from the computation outfeed.
OutfeedDequeueTuple - Class in org.tensorflow.op.tpu
Retrieve multiple values from the computation outfeed.
OutfeedDequeueTuple(Operation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeueTuple
 
OutfeedDequeueTuple.Inputs - Class in org.tensorflow.op.tpu
 
OutfeedDequeueTuple.Options - Class in org.tensorflow.op.tpu
Optional attributes for OutfeedDequeueTuple
outfeedDequeueTupleV2(Operand<TInt32>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.TpuOps
Retrieve multiple values from the computation outfeed.
OutfeedDequeueTupleV2 - Class in org.tensorflow.op.tpu
Retrieve multiple values from the computation outfeed.
OutfeedDequeueTupleV2(Operation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeueTupleV2
 
OutfeedDequeueTupleV2.Inputs - Class in org.tensorflow.op.tpu
 
outfeedDequeueV2(Operand<TInt32>, Class<T>, Shape) - Method in class org.tensorflow.op.TpuOps
Retrieves a single tensor from the computation outfeed.
OutfeedDequeueV2<T extends TType> - Class in org.tensorflow.op.tpu
Retrieves a single tensor from the computation outfeed.
OutfeedDequeueV2(Operation) - Constructor for class org.tensorflow.op.tpu.OutfeedDequeueV2
 
OutfeedDequeueV2.Inputs - Class in org.tensorflow.op.tpu
 
outfeedEnqueue(Operand<? extends TType>) - Method in class org.tensorflow.op.TpuOps
Enqueue a Tensor on the computation outfeed.
OutfeedEnqueue - Class in org.tensorflow.op.tpu
Enqueue a Tensor on the computation outfeed.
OutfeedEnqueue(Operation) - Constructor for class org.tensorflow.op.tpu.OutfeedEnqueue
 
OutfeedEnqueue.Inputs - Class in org.tensorflow.op.tpu
 
outfeedEnqueueTuple(Iterable<Operand<?>>) - Method in class org.tensorflow.op.TpuOps
Enqueue multiple Tensor values on the computation outfeed.
OutfeedEnqueueTuple - Class in org.tensorflow.op.tpu
Enqueue multiple Tensor values on the computation outfeed.
OutfeedEnqueueTuple(Operation) - Constructor for class org.tensorflow.op.tpu.OutfeedEnqueueTuple
 
OutfeedEnqueueTuple.Inputs - Class in org.tensorflow.op.tpu
 
outIdx - Variable in class org.tensorflow.op.core.SetDiff1d.Inputs
The outIdx attribute
outIdx - Variable in class org.tensorflow.op.core.Unique.Inputs
The outIdx attribute
outIdx - Variable in class org.tensorflow.op.core.UniqueWithCounts.Inputs
The outIdx attribute
outMax() - Method in class org.tensorflow.op.image.QuantizedResizeBilinear
Gets outMax.
outMin() - Method in class org.tensorflow.op.image.QuantizedResizeBilinear
Gets outMin.
output - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The output input
output() - Method in class org.tensorflow.op.audio.Mfcc
Gets output.
output() - Method in class org.tensorflow.op.collective.CollectivePermute
Gets output.
output() - Method in class org.tensorflow.op.core.All
Gets output.
output() - Method in class org.tensorflow.op.core.Any
Gets output.
output() - Method in class org.tensorflow.op.core.BarrierIncompleteSize
Gets output.
output() - Method in class org.tensorflow.op.core.BarrierReadySize
Gets output.
output() - Method in class org.tensorflow.op.core.BatchToSpace
Gets output.
output() - Method in class org.tensorflow.op.core.BatchToSpaceNd
Gets output.
output() - Method in class org.tensorflow.op.core.Bitcast
Gets output.
output() - Method in class org.tensorflow.op.core.BroadcastTo
Gets output.
output() - Method in class org.tensorflow.op.core.Bucketize
Gets output.
output() - Method in interface org.tensorflow.op.core.Case
Gets output.
output() - Method in class org.tensorflow.op.core.ClipByValue
Gets output.
output() - Method in class org.tensorflow.op.core.Concat
Gets output.
output() - Method in class org.tensorflow.op.core.Copy
Gets output.
output() - Method in class org.tensorflow.op.core.CopyHost
Gets output.
output() - Method in class org.tensorflow.op.core.CopyToMesh
Gets output.
output() - Method in class org.tensorflow.op.core.CopyToMeshGrad
Gets output.
output() - Method in class org.tensorflow.op.core.CountUpTo
Gets output.
output() - Method in class org.tensorflow.op.core.EditDistance
Gets output.
output() - Method in class org.tensorflow.op.core.Empty
Gets output.
output() - Method in class org.tensorflow.op.core.EnsureShape
Gets output.
output() - Method in class org.tensorflow.op.core.Enter
Gets output.
output() - Method in class org.tensorflow.op.core.Exit
Gets output.
output() - Method in class org.tensorflow.op.core.ExpandDims
Gets output.
output() - Method in class org.tensorflow.op.core.FakeParam
Gets output.
output() - Method in class org.tensorflow.op.core.Fill
Gets output.
output() - Method in class org.tensorflow.op.core.For
Gets output.
output() - Method in class org.tensorflow.op.core.Gather
Gets output.
output() - Method in class org.tensorflow.op.core.GatherNd
Gets output.
output() - Method in class org.tensorflow.op.core.GuaranteeConst
Gets output.
output() - Method in class org.tensorflow.op.core.HostConst
Gets output.
output() - Method in class org.tensorflow.op.core.Identity
Gets output.
output() - Method in class org.tensorflow.op.core.IdentityN
Gets output.
output() - Method in interface org.tensorflow.op.core.If
Gets output.
output() - Method in class org.tensorflow.op.core.KthOrderStatistic
Gets output.
output() - Method in class org.tensorflow.op.core.LinSpace
Gets output.
output() - Method in class org.tensorflow.op.core.LookupTableSize
Gets output.
output() - Method in class org.tensorflow.op.core.LoopCond
Gets output.
output() - Method in class org.tensorflow.op.core.LowerBound
Gets output.
output() - Method in class org.tensorflow.op.core.MakeUnique
Gets output.
output() - Method in class org.tensorflow.op.core.MapDefun
Gets output.
output() - Method in class org.tensorflow.op.core.MapIncompleteSize
Gets output.
output() - Method in class org.tensorflow.op.core.MapSize
Gets output.
output() - Method in class org.tensorflow.op.core.Max
Gets output.
output() - Method in class org.tensorflow.op.core.Merge
Gets output.
output() - Method in class org.tensorflow.op.core.Min
Gets output.
output() - Method in class org.tensorflow.op.core.MirrorPad
Gets output.
output() - Method in class org.tensorflow.op.core.MirrorPadGrad
Gets output.
output() - Method in class org.tensorflow.op.core.NcclBroadcast
Deprecated.
Gets output.
output() - Method in class org.tensorflow.op.core.NextIteration
Gets output.
output() - Method in class org.tensorflow.op.core.OneHot
Gets output.
output() - Method in class org.tensorflow.op.core.OrderedMapIncompleteSize
Gets output.
output() - Method in class org.tensorflow.op.core.OrderedMapSize
Gets output.
output() - Method in class org.tensorflow.op.core.Pad
Gets output.
output() - Method in class org.tensorflow.op.core.ParallelConcat
Gets output.
output() - Method in class org.tensorflow.op.core.PartitionedCall
Gets output.
output() - Method in class org.tensorflow.op.core.Placeholder
Gets output.
output() - Method in class org.tensorflow.op.core.PlaceholderWithDefault
Gets output.
output() - Method in class org.tensorflow.op.core.Prod
Gets output.
output() - Method in class org.tensorflow.op.core.QuantizedReshape
Gets output.
output() - Method in class org.tensorflow.op.core.RandomIndexShuffle
Gets output.
output() - Method in class org.tensorflow.op.core.Range
Gets output.
output() - Method in class org.tensorflow.op.core.Rank
Gets output.
output() - Method in class org.tensorflow.op.core.ReduceAll
Gets output.
output() - Method in class org.tensorflow.op.core.ReduceAny
Gets output.
output() - Method in class org.tensorflow.op.core.ReduceMax
Gets output.
output() - Method in class org.tensorflow.op.core.ReduceMin
Gets output.
output() - Method in class org.tensorflow.op.core.ReduceProd
Gets output.
output() - Method in class org.tensorflow.op.core.ReduceSum
Gets output.
output() - Method in class org.tensorflow.op.core.RefEnter
Gets output.
output() - Method in class org.tensorflow.op.core.RefExit
Gets output.
output() - Method in class org.tensorflow.op.core.RefIdentity
Gets output.
output() - Method in class org.tensorflow.op.core.RefMerge
Gets output.
output() - Method in class org.tensorflow.op.core.RefNextIteration
Gets output.
output() - Method in class org.tensorflow.op.core.RefSelect
Gets output.
output() - Method in class org.tensorflow.op.core.Relayout
Gets output.
output() - Method in class org.tensorflow.op.core.RelayoutLike
Gets output.
output() - Method in class org.tensorflow.op.core.RemoteCall
Gets output.
output() - Method in class org.tensorflow.op.core.Reshape
Gets output.
output() - Method in class org.tensorflow.op.core.ResourceCountUpTo
Gets output.
output() - Method in class org.tensorflow.op.core.ResourceGather
Gets output.
output() - Method in class org.tensorflow.op.core.ResourceGatherNd
Gets output.
output() - Method in class org.tensorflow.op.core.Reverse
Gets output.
output() - Method in class org.tensorflow.op.core.ReverseSequence
Gets output.
output() - Method in class org.tensorflow.op.core.Roll
Gets output.
output() - Method in class org.tensorflow.op.core.ScatterNd
Gets output.
output() - Method in class org.tensorflow.op.core.ScatterNdNonAliasingAdd
Gets output.
output() - Method in class org.tensorflow.op.core.Select
Gets output.
output() - Method in class org.tensorflow.op.core.SetSize
Gets output.
output() - Method in class org.tensorflow.op.core.Shape
Gets output.
output() - Method in class org.tensorflow.op.core.ShapeN
Gets output.
output() - Method in class org.tensorflow.op.core.Size
Gets output.
output() - Method in class org.tensorflow.op.core.Slice
Gets output.
output() - Method in class org.tensorflow.op.core.Snapshot
Gets output.
output() - Method in class org.tensorflow.op.core.SpaceToBatchNd
Gets output.
output() - Method in class org.tensorflow.op.core.Split
Gets output.
output() - Method in class org.tensorflow.op.core.SplitV
Gets output.
output() - Method in class org.tensorflow.op.core.Squeeze
Gets output.
output() - Method in class org.tensorflow.op.core.Stack
Gets output.
output() - Method in class org.tensorflow.op.core.StackPush
Gets output.
output() - Method in class org.tensorflow.op.core.StageSize
Gets output.
output() - Method in class org.tensorflow.op.core.StatefulCase
Gets output.
output() - Method in class org.tensorflow.op.core.StatefulIf
Gets output.
output() - Method in class org.tensorflow.op.core.StatefulPartitionedCall
Gets output.
output() - Method in class org.tensorflow.op.core.StatefulWhile
Gets output.
output() - Method in class org.tensorflow.op.core.StatelessCase
Gets output.
output() - Method in class org.tensorflow.op.core.StatelessIf
Gets output.
output() - Method in class org.tensorflow.op.core.StatelessWhile
Gets output.
output() - Method in class org.tensorflow.op.core.StochasticCastToInt
Gets output.
output() - Method in class org.tensorflow.op.core.StopGradient
Gets output.
output() - Method in class org.tensorflow.op.core.StridedSlice
Gets output.
output() - Method in class org.tensorflow.op.core.StridedSliceGrad
Gets output.
output() - Method in class org.tensorflow.op.core.Sum
Gets output.
output() - Method in class org.tensorflow.op.core.TensorArraySize
Gets output.
output() - Method in class org.tensorflow.op.core.TensorListConcatLists
Gets output.
output() - Method in class org.tensorflow.op.core.TensorMapSize
Gets output.
output() - Method in class org.tensorflow.op.core.TensorScatterNdAdd
Gets output.
output() - Method in class org.tensorflow.op.core.TensorScatterNdMax
Gets output.
output() - Method in class org.tensorflow.op.core.TensorScatterNdMin
Gets output.
output() - Method in class org.tensorflow.op.core.TensorScatterNdSub
Gets output.
output() - Method in class org.tensorflow.op.core.TensorScatterNdUpdate
Gets output.
output() - Method in class org.tensorflow.op.core.TensorStridedSliceUpdate
Gets output.
output() - Method in class org.tensorflow.op.core.Tile
Gets output.
output() - Method in class org.tensorflow.op.core.UniformQuantizedClipByValue
Gets output.
output() - Method in class org.tensorflow.op.core.UnravelIndex
Gets output.
output() - Method in class org.tensorflow.op.core.Unstack
Gets output.
output() - Method in class org.tensorflow.op.core.UpperBound
Gets output.
output() - Method in class org.tensorflow.op.core.VariableShape
Gets output.
output() - Method in interface org.tensorflow.op.core.While
Gets output.
output() - Method in class org.tensorflow.op.data.FilterByLastComponentDataset
Gets output.
output() - Method in class org.tensorflow.op.debugging.CheckNumerics
Gets output.
output() - Method in class org.tensorflow.op.debugging.DebugGradientIdentity
Gets output.
output() - Method in class org.tensorflow.op.debugging.DebugGradientRefIdentity
Gets output.
output() - Method in class org.tensorflow.op.debugging.DebugIdentity
Gets output.
output() - Method in class org.tensorflow.op.debugging.DebugNanCount
Gets output.
output() - Method in class org.tensorflow.op.debugging.DebugNumericsSummary
Gets output.
output() - Method in class org.tensorflow.op.distribute.NcclBroadcast
Gets output.
output() - Method in class org.tensorflow.op.dtypes.AsString
Gets output.
output() - Method in class org.tensorflow.op.dtypes.ToBool
Gets output.
output() - Method in class org.tensorflow.op.image.AdjustContrast
Gets output.
output() - Method in class org.tensorflow.op.image.AdjustHue
Gets output.
output() - Method in class org.tensorflow.op.image.AdjustSaturation
Gets output.
output() - Method in class org.tensorflow.op.image.CropAndResizeGradBoxes
Gets output.
output() - Method in class org.tensorflow.op.image.CropAndResizeGradImage
Gets output.
output() - Method in class org.tensorflow.op.image.DrawBoundingBoxes
Gets output.
output() - Method in class org.tensorflow.op.image.HsvToRgb
Gets output.
output() - Method in class org.tensorflow.op.image.RandomCrop
Gets output.
output() - Method in class org.tensorflow.op.image.ResizeBicubicGrad
Gets output.
output() - Method in class org.tensorflow.op.image.ResizeBilinearGrad
Gets output.
output() - Method in class org.tensorflow.op.image.ResizeNearestNeighborGrad
Gets output.
output() - Method in class org.tensorflow.op.image.RgbToHsv
Gets output.
output() - Method in class org.tensorflow.op.image.ScaleAndTranslateGrad
Gets output.
output() - Method in class org.tensorflow.op.io.DecodeBase64
Gets output.
output() - Method in class org.tensorflow.op.io.DecodeCompressed
Gets output.
output() - Method in class org.tensorflow.op.io.DecodeCsv
Gets output.
output() - Method in class org.tensorflow.op.io.DecodePaddedRaw
Gets output.
output() - Method in class org.tensorflow.op.io.DecodeRaw
Gets output.
output() - Method in class org.tensorflow.op.io.EncodeBase64
Gets output.
output() - Method in class org.tensorflow.op.io.ParseTensor
Gets output.
output() - Method in class org.tensorflow.op.io.QueueSize
Gets output.
output() - Method in class org.tensorflow.op.linalg.BandedTriangularSolve
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchCholesky
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchCholeskyGrad
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchMatrixDeterminant
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchMatrixDiag
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchMatrixInverse
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchMatrixSetDiag
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchMatrixSolve
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchMatrixSolveLs
Gets output.
output() - Method in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve
Gets output.
output() - Method in class org.tensorflow.op.linalg.Cholesky
Gets output.
output() - Method in class org.tensorflow.op.linalg.CholeskyGrad
Gets output.
output() - Method in class org.tensorflow.op.linalg.Det
Gets output.
output() - Method in class org.tensorflow.op.linalg.Einsum
Gets output.
output() - Method in class org.tensorflow.op.linalg.EuclideanNorm
Gets output.
output() - Method in class org.tensorflow.op.linalg.Inv
Gets output.
output() - Method in class org.tensorflow.op.linalg.MatrixDiag
Gets output.
output() - Method in class org.tensorflow.op.linalg.MatrixDiagV3
Gets output.
output() - Method in class org.tensorflow.op.linalg.MatrixExponential
Gets output.
output() - Method in class org.tensorflow.op.linalg.MatrixLogarithm
Gets output.
output() - Method in class org.tensorflow.op.linalg.MatrixSetDiag
Gets output.
output() - Method in class org.tensorflow.op.linalg.MatrixSolveLs
Gets output.
output() - Method in class org.tensorflow.op.linalg.Solve
Gets output.
output() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Gets output.
output() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMul
Gets output.
output() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixOrderingAMD
Gets output.
output() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky
Gets output.
output() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose
Gets output.
output() - Method in class org.tensorflow.op.linalg.Sqrtm
Gets output.
output() - Method in class org.tensorflow.op.linalg.TensorDiag
Gets output.
output() - Method in class org.tensorflow.op.linalg.TriangularSolve
Gets output.
output() - Method in class org.tensorflow.op.linalg.TridiagonalMatMul
Gets output.
output() - Method in class org.tensorflow.op.linalg.TridiagonalSolve
Gets output.
output() - Method in class org.tensorflow.op.math.Angle
Gets output.
output() - Method in class org.tensorflow.op.math.ArgMax
Gets output.
output() - Method in class org.tensorflow.op.math.ArgMin
Gets output.
output() - Method in class org.tensorflow.op.math.Conj
Gets output.
output() - Method in class org.tensorflow.op.math.DenseBincount
Gets output.
output() - Method in class org.tensorflow.op.math.Imag
Gets output.
output() - Method in class org.tensorflow.op.math.Mean
Gets output.
output() - Method in class org.tensorflow.op.math.NextAfter
Gets output.
output() - Method in class org.tensorflow.op.math.Real
Gets output.
output() - Method in class org.tensorflow.op.math.RequantizePerChannel
Gets output.
output() - Method in class org.tensorflow.op.math.SegmentMax
Gets output.
output() - Method in class org.tensorflow.op.math.SegmentMean
Gets output.
output() - Method in class org.tensorflow.op.math.SegmentMin
Gets output.
output() - Method in class org.tensorflow.op.math.SegmentProd
Gets output.
output() - Method in class org.tensorflow.op.math.SegmentSum
Gets output.
output() - Method in class org.tensorflow.op.math.UniformQuantizedAdd
Gets output.
output() - Method in class org.tensorflow.op.math.UnsortedSegmentMax
Gets output.
output() - Method in class org.tensorflow.op.math.UnsortedSegmentMin
Gets output.
output() - Method in class org.tensorflow.op.math.UnsortedSegmentProd
Gets output.
output() - Method in class org.tensorflow.op.math.UnsortedSegmentSum
Gets output.
output() - Method in class org.tensorflow.op.nn.AvgPool
Gets output.
output() - Method in class org.tensorflow.op.nn.AvgPool3d
Gets output.
output() - Method in class org.tensorflow.op.nn.AvgPool3dGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.AvgPoolGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.BiasAdd
Gets output.
output() - Method in class org.tensorflow.op.nn.BiasAddGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv2d
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv2dBackpropInput
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv3d
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv3dBackpropFilter
Gets output.
output() - Method in class org.tensorflow.op.nn.Conv3dBackpropInput
Gets output.
output() - Method in class org.tensorflow.op.nn.CudnnRNN
Gets output.
output() - Method in class org.tensorflow.op.nn.DepthToSpace
Gets output.
output() - Method in class org.tensorflow.op.nn.DepthwiseConv2dNative
Gets output.
output() - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter
Gets output.
output() - Method in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput
Gets output.
output() - Method in class org.tensorflow.op.nn.Dilation2d
Gets output.
output() - Method in class org.tensorflow.op.nn.FractionalAvgPool
Gets output.
output() - Method in class org.tensorflow.op.nn.FractionalAvgPoolGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.FractionalMaxPool
Gets output.
output() - Method in class org.tensorflow.op.nn.FractionalMaxPoolGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.FusedPadConv2d
Gets output.
output() - Method in class org.tensorflow.op.nn.FusedResizeAndPadConv2d
Gets output.
output() - Method in class org.tensorflow.op.nn.IsotonicRegression
Gets output.
output() - Method in class org.tensorflow.op.nn.L2Loss
Gets output.
output() - Method in class org.tensorflow.op.nn.LocalResponseNormalization
Gets output.
output() - Method in class org.tensorflow.op.nn.LocalResponseNormalizationGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPool
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPool3d
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPool3dGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPool3dGradGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPoolGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPoolGradGrad
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPoolGradWithArgmax
Gets output.
output() - Method in class org.tensorflow.op.nn.MaxPoolWithArgmax
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedAvgPool
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedBiasAdd
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2d
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DPerChannel
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Gets output.
output() - Method in class org.tensorflow.op.nn.QuantizedMaxPool
Gets output.
output() - Method in class org.tensorflow.op.nn.SpaceToBatch
Gets output.
output() - Method in class org.tensorflow.op.nn.SpaceToDepth
Gets output.
output() - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Gets output.
output() - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Gets output.
output() - Method in class org.tensorflow.op.quantization.Dequantize
Gets output.
output() - Method in class org.tensorflow.op.quantization.Quantize
Gets output.
output() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantize
Gets output.
output() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
Gets output.
output() - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Gets output.
output() - Method in class org.tensorflow.op.quantization.QuantizedConcat
Gets output.
output() - Method in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange
Gets output.
output() - Method in class org.tensorflow.op.quantization.Requantize
Gets output.
output() - Method in class org.tensorflow.op.quantization.UniformDequantize
Gets output.
output() - Method in class org.tensorflow.op.quantization.UniformQuantize
Gets output.
output() - Method in class org.tensorflow.op.quantization.UniformQuantizedDot
Gets output.
output() - Method in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid
Gets output.
output() - Method in class org.tensorflow.op.quantization.UniformRequantize
Gets output.
output() - Method in class org.tensorflow.op.ragged.RaggedBincount
Gets output.
output() - Method in class org.tensorflow.op.random.experimental.StatelessShuffle
Gets output.
output() - Method in class org.tensorflow.op.random.Multinomial
Gets output.
output() - Method in class org.tensorflow.op.random.NonDeterministicInts
Gets output.
output() - Method in class org.tensorflow.op.random.ParameterizedTruncatedNormal
Gets output.
output() - Method in class org.tensorflow.op.random.RandomGamma
Gets output.
output() - Method in class org.tensorflow.op.random.RandomGammaGrad
Gets output.
output() - Method in class org.tensorflow.op.random.RandomPoisson
Gets output.
output() - Method in class org.tensorflow.op.random.RandomShuffle
Gets output.
output() - Method in class org.tensorflow.op.random.RandomStandardNormal
Gets output.
output() - Method in class org.tensorflow.op.random.RandomUniform
Gets output.
output() - Method in class org.tensorflow.op.random.RandomUniformInt
Gets output.
output() - Method in class org.tensorflow.op.random.StatefulRandomBinomial
Gets output.
output() - Method in class org.tensorflow.op.random.StatefulStandardNormal
Gets output.
output() - Method in class org.tensorflow.op.random.StatefulTruncatedNormal
Gets output.
output() - Method in class org.tensorflow.op.random.StatefulUniform
Gets output.
output() - Method in class org.tensorflow.op.random.StatefulUniformFullInt
Gets output.
output() - Method in class org.tensorflow.op.random.StatefulUniformInt
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessMultinomial
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomBinomial
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomGamma
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomNormal
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomNormalV2
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomPoisson
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomUniform
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomUniformFullInt
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomUniformInt
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomUniformIntV2
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessRandomUniformV2
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessTruncatedNormal
Gets output.
output() - Method in class org.tensorflow.op.random.StatelessTruncatedNormalV2
Gets output.
output() - Method in class org.tensorflow.op.random.TruncatedNormal
Gets output.
output() - Method in class org.tensorflow.op.signal.BatchFft
Gets output.
output() - Method in class org.tensorflow.op.signal.BatchFft2d
Gets output.
output() - Method in class org.tensorflow.op.signal.BatchFft3d
Gets output.
output() - Method in class org.tensorflow.op.signal.BatchIfft
Gets output.
output() - Method in class org.tensorflow.op.signal.BatchIfft2d
Gets output.
output() - Method in class org.tensorflow.op.signal.BatchIfft3d
Gets output.
output() - Method in class org.tensorflow.op.signal.Fft
Gets output.
output() - Method in class org.tensorflow.op.signal.Fft2d
Gets output.
output() - Method in class org.tensorflow.op.signal.Fft3d
Gets output.
output() - Method in class org.tensorflow.op.signal.FftNd
Gets output.
output() - Method in class org.tensorflow.op.signal.Ifft
Gets output.
output() - Method in class org.tensorflow.op.signal.Ifft2d
Gets output.
output() - Method in class org.tensorflow.op.signal.Ifft3d
Gets output.
output() - Method in class org.tensorflow.op.signal.IfftNd
Gets output.
output() - Method in class org.tensorflow.op.signal.Irfft
Gets output.
output() - Method in class org.tensorflow.op.signal.Irfft2d
Gets output.
output() - Method in class org.tensorflow.op.signal.Irfft3d
Gets output.
output() - Method in class org.tensorflow.op.signal.IrfftNd
Gets output.
output() - Method in class org.tensorflow.op.signal.Rfft
Gets output.
output() - Method in class org.tensorflow.op.signal.Rfft2d
Gets output.
output() - Method in class org.tensorflow.op.signal.Rfft3d
Gets output.
output() - Method in class org.tensorflow.op.signal.RfftNd
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseBincount
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseDenseCwiseAdd
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseDenseCwiseDiv
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseDenseCwiseMul
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseReduceMax
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseReduceSum
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentMean
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentMeanGrad
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtN
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentSum
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentSumGrad
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseSoftmax
Gets output.
output() - Method in class org.tensorflow.op.sparse.SparseTensorDenseAdd
Gets output.
output() - Method in class org.tensorflow.op.strings.Join
Gets output.
output() - Method in class org.tensorflow.op.strings.Lower
Gets output.
output() - Method in class org.tensorflow.op.strings.ReduceJoin
Gets output.
output() - Method in class org.tensorflow.op.strings.RegexFullMatch
Gets output.
output() - Method in class org.tensorflow.op.strings.RegexReplace
Gets output.
output() - Method in class org.tensorflow.op.strings.StaticRegexFullMatch
Gets output.
output() - Method in class org.tensorflow.op.strings.StaticRegexReplace
Gets output.
output() - Method in class org.tensorflow.op.strings.StringFormat
Gets output.
output() - Method in class org.tensorflow.op.strings.StringLength
Gets output.
output() - Method in class org.tensorflow.op.strings.Strip
Gets output.
output() - Method in class org.tensorflow.op.strings.Substr
Gets output.
output() - Method in class org.tensorflow.op.strings.ToHashBucket
Gets output.
output() - Method in class org.tensorflow.op.strings.ToHashBucketFast
Gets output.
output() - Method in class org.tensorflow.op.strings.ToHashBucketStrong
Gets output.
output() - Method in class org.tensorflow.op.strings.ToNumber
Gets output.
output() - Method in class org.tensorflow.op.strings.UnicodeEncode
Gets output.
output() - Method in class org.tensorflow.op.strings.UnicodeScript
Gets output.
output() - Method in class org.tensorflow.op.strings.UnicodeTranscode
Gets output.
output() - Method in class org.tensorflow.op.strings.UnsortedSegmentJoin
Gets output.
output() - Method in class org.tensorflow.op.strings.Upper
Gets output.
output() - Method in class org.tensorflow.op.tpu.AllToAll
Gets output.
output() - Method in class org.tensorflow.op.tpu.CompilationResult
Gets output.
output() - Method in class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU
Gets output.
output() - Method in class org.tensorflow.op.tpu.CrossReplicaSum
Gets output.
output() - Method in class org.tensorflow.op.tpu.EmbeddingActivations
Gets output.
output() - Method in class org.tensorflow.op.tpu.InfeedDequeue
Gets output.
output() - Method in class org.tensorflow.op.tpu.MergeDedupData
Gets output.
output() - Method in class org.tensorflow.op.tpu.OutfeedDequeue
Gets output.
output() - Method in class org.tensorflow.op.tpu.OutfeedDequeueV2
Gets output.
output() - Method in class org.tensorflow.op.tpu.PartitionedCall
Gets output.
output() - Method in class org.tensorflow.op.tpu.PartitionedInput
Gets output.
output() - Method in class org.tensorflow.op.tpu.PartitionedOutput
Gets output.
output() - Method in class org.tensorflow.op.tpu.Prelinearize
Gets output.
output() - Method in class org.tensorflow.op.tpu.PrelinearizeTuple
Gets output.
output() - Method in class org.tensorflow.op.tpu.ReplicatedInput
Gets output.
output() - Method in class org.tensorflow.op.tpu.TPUCompilationResult
Deprecated.
Gets output.
output() - Method in class org.tensorflow.op.tpu.TPUEmbeddingActivations
Deprecated.
Gets output.
output() - Method in class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
Gets output.
output() - Method in class org.tensorflow.op.train.BatchMatMul
Gets output.
output() - Method in class org.tensorflow.op.train.PreventGradient
Gets output.
output() - Method in class org.tensorflow.op.train.SdcaFprint
Gets output.
output() - Method in class org.tensorflow.op.train.SymbolicGradient
Gets output.
output() - Method in class org.tensorflow.op.train.TileGrad
Gets output.
output() - Method in class org.tensorflow.op.xla.ConcatND
Gets output.
output() - Method in class org.tensorflow.op.xla.XlaRecvFromHost
Gets output.
output() - Method in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingDeduplicationData
Gets output.
output(int) - Method in class org.tensorflow.GraphOperation
 
output(int) - Method in interface org.tensorflow.Operation
Returns a symbolic handle to one of the tensors produced by this operation.
output(String) - Method in class org.tensorflow.Graph
Returns the output with the provided name, or null if there is no such output.
output(String, Operand<?>) - Method in class org.tensorflow.Signature.Builder
Register a tensor as an output of the function.
Output<T extends TType> - Class in org.tensorflow
A symbolic handle to a tensor produced by an Operation.
outputBackprop - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The outputBackprop input
outputC - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The outputC input
outputC() - Method in class org.tensorflow.op.nn.CudnnRNN
Gets outputC.
outputCBackprop - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The outputCBackprop input
outputDenseShape() - Method in class org.tensorflow.op.ragged.RaggedCountSparseOutput
Gets outputDenseShape.
outputDenseShape() - Method in class org.tensorflow.op.sparse.DenseCountSparseOutput
Gets outputDenseShape.
outputDenseShape() - Method in class org.tensorflow.op.sparse.SparseCountSparseOutput
Gets outputDenseShape.
outputDenseValues() - Method in class org.tensorflow.op.ragged.RaggedGather
Gets outputDenseValues.
outputDenseValues() - Method in class org.tensorflow.op.ragged.RaggedTensorFromVariant
Gets outputDenseValues.
outputDtype - Variable in class org.tensorflow.op.debugging.DebugNumericsSummary.Inputs
Optional.
outputDtype - Variable in class org.tensorflow.op.nn.IsotonicRegression.Inputs
Dtype of output.
outputDtype - Variable in class org.tensorflow.op.random.Multinomial.Inputs
The outputDtype attribute
outputDtype - Variable in class org.tensorflow.op.random.StatelessMultinomial.Inputs
The outputDtype attribute
outputEncoding - Variable in class org.tensorflow.op.strings.UnicodeEncode.Inputs
Unicode encoding of the output strings.
outputEncoding - Variable in class org.tensorflow.op.strings.UnicodeTranscode.Inputs
The unicode encoding to use in the output.
outputFalse() - Method in class org.tensorflow.op.core.RefSwitch
Gets outputFalse.
outputFalse() - Method in class org.tensorflow.op.core.SwitchCond
Gets outputFalse.
outputH - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The outputH input
outputH() - Method in class org.tensorflow.op.nn.CudnnRNN
Gets outputH.
outputHandle() - Method in class org.tensorflow.op.core.TensorListFromTensor
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorListPopBack
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorListPushBack
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorListResize
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorListScatter
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorListScatterIntoExistingList
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorListSetItem
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorListSplit
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorMapErase
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.core.TensorMapInsert
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.data.UnwrapDatasetVariant
Gets outputHandle.
outputHandle() - Method in class org.tensorflow.op.data.WrapDatasetVariant
Gets outputHandle.
outputHandles() - Method in class org.tensorflow.op.core.TensorListPushBackBatch
Gets outputHandles.
outputHBackprop - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The outputHBackprop input
outputIdxType - Variable in class org.tensorflow.op.linalg.Lu.Inputs
The outputIdxType attribute
outputImage - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
4-D with shape [batch, height, width, channels].
outputIndices - Variable in class org.tensorflow.op.sparse.SparseSliceGrad.Inputs
2-D.
outputIndices() - Method in class org.tensorflow.op.ragged.RaggedCountSparseOutput
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.DenseCountSparseOutput
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseConcat
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseCountSparseOutput
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseCross
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseCrossHashed
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseFillEmptyRows
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseReduceMaxSparse
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseReduceSumSparse
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseReorder
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseReshape
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseSlice
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseSparseMaximum
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseSparseMinimum
Gets outputIndices.
outputIndices() - Method in class org.tensorflow.op.sparse.SparseSplit
Gets outputIndices.
outputList(int, int) - Method in class org.tensorflow.GraphOperation
 
outputList(int, int) - Method in interface org.tensorflow.Operation
Returns symbolic handles to a list of tensors produced by this operation.
outputListLength(String) - Method in class org.tensorflow.GraphOperation
 
outputListLength(String) - Method in interface org.tensorflow.Operation
Returns the size of the list of Tensors produced by this operation.
outputMatrix() - Method in class org.tensorflow.op.linalg.LoadAndRemapMatrix
Gets outputMatrix.
outputMax() - Method in class org.tensorflow.op.core.QuantizedReshape
Gets outputMax.
outputMax() - Method in class org.tensorflow.op.math.RequantizationRangePerChannel
Gets outputMax.
outputMax() - Method in class org.tensorflow.op.math.RequantizePerChannel
Gets outputMax.
outputMax() - Method in class org.tensorflow.op.quantization.Quantize
Gets outputMax.
outputMax() - Method in class org.tensorflow.op.quantization.QuantizedConcat
Gets outputMax.
outputMax() - Method in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange
Gets outputMax.
outputMax() - Method in class org.tensorflow.op.quantization.RequantizationRange
Gets outputMax.
outputMax() - Method in class org.tensorflow.op.quantization.Requantize
Gets outputMax.
outputMin() - Method in class org.tensorflow.op.core.QuantizedReshape
Gets outputMin.
outputMin() - Method in class org.tensorflow.op.math.RequantizationRangePerChannel
Gets outputMin.
outputMin() - Method in class org.tensorflow.op.math.RequantizePerChannel
Gets outputMin.
outputMin() - Method in class org.tensorflow.op.quantization.Quantize
Gets outputMin.
outputMin() - Method in class org.tensorflow.op.quantization.QuantizedConcat
Gets outputMin.
outputMin() - Method in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange
Gets outputMin.
outputMin() - Method in class org.tensorflow.op.quantization.RequantizationRange
Gets outputMin.
outputMin() - Method in class org.tensorflow.op.quantization.Requantize
Gets outputMin.
outputNames() - Method in class org.tensorflow.Signature
Returns the names of the outputs in this signature
outputNestedSplits() - Method in class org.tensorflow.op.ragged.RaggedGather
Gets outputNestedSplits.
outputNestedSplits() - Method in class org.tensorflow.op.ragged.RaggedTensorFromVariant
Gets outputNestedSplits.
outputOrThrow(String) - Method in class org.tensorflow.Graph
Returns the output with the provided name, or throws IllegalArgumentException if there isn't one.
outputQuantizationAxis - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
outputQuantizationAxis - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
outputQuantizationAxis - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
outputQuantizationAxis - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The new quantization axis to use to quantize original data that input represents.
outputQuantizationAxis(Long) - Method in class org.tensorflow.op.math.UniformQuantizedAdd.Options
Sets the outputQuantizationAxis option.
outputQuantizationAxis(Long) - Static method in class org.tensorflow.op.math.UniformQuantizedAdd
Sets the outputQuantizationAxis option.
outputQuantizationAxis(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the outputQuantizationAxis option.
outputQuantizationAxis(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the outputQuantizationAxis option.
outputQuantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformQuantizedDot.Options
Sets the outputQuantizationAxis option.
outputQuantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformQuantizedDot
Sets the outputQuantizationAxis option.
outputQuantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformRequantize.Options
Sets the outputQuantizationAxis option.
outputQuantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformRequantize
Sets the outputQuantizationAxis option.
outputQuantizationMaxVal - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The max value of the quantized data stored in output.
outputQuantizationMaxVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The max value of the quantized data stored in output.
outputQuantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The max value of the quantized data stored in output.
outputQuantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The new quantization max value to quantize original data that input represents.
outputQuantizationMinVal - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The min value of the quantized data stored in output.
outputQuantizationMinVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The min value of the quantized data stored in output.
outputQuantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The min value of the quantized data stored in output.
outputQuantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The new quantization min value to quantize original data that input represents.
outputRangeGiven - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
If True, given_y_min and given_y_min and given_y_max are used as the output range.
outputRangeGiven(Boolean) - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm.Options
Sets the outputRangeGiven option.
outputRangeGiven(Boolean) - Static method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Sets the outputRangeGiven option.
outputRef() - Method in class org.tensorflow.op.core.Assign
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.AssignAdd
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.AssignSub
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterAdd
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterDiv
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterMax
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterMin
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterMul
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterNdAdd
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterNdMax
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterNdMin
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterNdSub
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterNdUpdate
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterSub
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.ScatterUpdate
Gets outputRef.
outputRef() - Method in class org.tensorflow.op.core.StridedSliceAssign
Gets outputRef.
outputRowSplits() - Method in class org.tensorflow.op.ragged.RaggedCross
Gets outputRowSplits.
outputs - Variable in class org.tensorflow.op.nn.EluGrad.Inputs
The outputs of the corresponding Elu operation.
outputs - Variable in class org.tensorflow.op.nn.SeluGrad.Inputs
The outputs of the corresponding Selu operation.
outputs() - Method in class org.tensorflow.op.core.DynamicPartition
Gets outputs.
outputs() - Method in class org.tensorflow.op.core.MlirPassthroughOp
Gets outputs.
outputs() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxArgs
Gets outputs.
outputs() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVars
Gets outputs.
outputs() - Method in class org.tensorflow.op.quantization.FakeQuantWithMinMaxVarsPerChannel
Gets outputs.
outputs() - Method in class org.tensorflow.op.tpu.InfeedDequeueTuple
Gets outputs.
outputs() - Method in class org.tensorflow.op.tpu.OutfeedDequeueTuple
Gets outputs.
outputs() - Method in class org.tensorflow.op.tpu.OutfeedDequeueTupleV2
Gets outputs.
outputs() - Method in class org.tensorflow.op.tpu.RecvTPUEmbeddingActivations
Gets outputs.
outputs() - Method in class org.tensorflow.op.tpu.ReplicatedOutput
Gets outputs.
outputs() - Method in class org.tensorflow.op.tpu.TPUReplicatedOutput
Deprecated.
Gets outputs.
outputs() - Method in class org.tensorflow.op.xla.ReadVariableSplitND
Gets outputs.
outputs() - Method in class org.tensorflow.op.xla.SplitND
Gets outputs.
outputs() - Method in class org.tensorflow.op.xla.XlaHostCompute
Gets outputs.
outputs() - Method in class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations
Gets outputs.
outputScales - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The float value(s) to use as scale factors when quantizing original data that output represents.
outputScales - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The float value(s) to use as scale factors when quantizing original data that output represents.
outputScales - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The float value(s) to use as scales when quantizing original data that output represents.
outputScales - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The float value(s) to use as new scale(s) to quantize original data that input represents.
outputsClass() - Element in annotation type org.tensorflow.op.annotation.OpInputsMetadata
The main op class.
outputShape - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV2.Inputs
1-D Tensor [new_height, new_width].
outputShape - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
1-D Tensor [new_height, new_width].
outputShape - Variable in class org.tensorflow.op.sparse.SparseToDense.Inputs
1-D.
outputShape() - Method in class org.tensorflow.op.sparse.SparseConcat
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.sparse.SparseCross
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.sparse.SparseCrossHashed
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.sparse.SparseReduceMaxSparse
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.sparse.SparseReduceSumSparse
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.sparse.SparseReshape
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.sparse.SparseSlice
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.sparse.SparseSplit
Gets outputShape.
outputShape() - Method in class org.tensorflow.op.tpu.ComputeDedupDataTupleMask
Gets outputShape.
outputShapes - Variable in class org.tensorflow.op.core.GetElementAtIndex.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.core.MapDefun.Inputs
A list of shapes.
outputShapes - Variable in class org.tensorflow.op.core.StatefulCase.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.core.StatefulIf.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.core.StatefulWhile.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.core.StatelessCase.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.core.StatelessIf.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.core.StatelessWhile.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.AnonymousIterator.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.AnonymousMultiDeviceIterator.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.AssertCardinalityDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.AssertNextDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.AssertPrevDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.AutoShardDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.BatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.BytesProducedStatsDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.CacheDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ChooseFastestDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ConcatenateDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.DatasetToSingleElement.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.DenseToSparseBatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.DirectedInterleaveDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.AssertNextDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.AutoShardDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.ChooseFastestDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.LatencyStatsDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.LmdbDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.MapDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.NonSerializableDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
The list of shapes being produced.
outputShapes - Variable in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.RandomDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.RebatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.SleepDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.SlidingWindowDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.SqlDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.TakeWhileDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.ThreadPoolDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.UnbatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.experimental.UniqueDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.FilterByLastComponentDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.FilterDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.FinalizeDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.FlatMapDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.IgnoreErrorsDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.Iterator.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.IteratorFromStringHandle.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.IteratorGetNext.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.IteratorGetNextAsOptional.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.IteratorGetNextSync.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.LatencyStatsDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ListDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ListSnapshotChunksDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.LMDBDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.LoadDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.MaxIntraOpParallelismDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ModelDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.MultiDeviceIterator.Inputs
The list of shapes being produced.
outputShapes - Variable in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle.Inputs
The list of shapes being produced.
outputShapes - Variable in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard.Inputs
The list of shapes being produced.
outputShapes - Variable in class org.tensorflow.op.data.NonSerializableDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.OneShotIterator.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.OptimizeDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.OptionalGetValue.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.OptionsDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
The list of shapes being produced.
outputShapes - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.PrivateThreadPoolDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.RandomDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.RangeDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.RebatchDatasetV2.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.RepeatDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.RewriteDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SamplingDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SetStatsAggregatorDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ShardDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SkipDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SleepDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SlidingWindowDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SnapshotChunkDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SnapshotDatasetReader.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SnapshotNestedDatasetReader.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.SqlDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.TakeDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.TakeWhileDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.TensorDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.TensorSliceDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ThreadPoolDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.UnbatchDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.UncompressElement.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.UniqueDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.WindowOp.Inputs
The outputShapes attribute
outputShapes - Variable in class org.tensorflow.op.data.ZipDataset.Inputs
The outputShapes attribute
outputShapes(List<Shape>) - Method in class org.tensorflow.op.core.Case.Options
Sets the outputShapes option.
outputShapes(List<Shape>) - Static method in interface org.tensorflow.op.core.Case
Sets the outputShapes option.
outputShapes(List<Shape>) - Method in class org.tensorflow.op.core.If.Options
Sets the outputShapes option.
outputShapes(List<Shape>) - Static method in interface org.tensorflow.op.core.If
Sets the outputShapes option.
outputShapes(List<Shape>) - Method in class org.tensorflow.op.core.While.Options
Sets the outputShapes option.
outputShapes(List<Shape>) - Static method in interface org.tensorflow.op.core.While
Sets the outputShapes option.
outputShapes(List<Shape>) - Method in class org.tensorflow.op.data.IteratorFromStringHandle.Options
Sets the outputShapes option.
outputShapes(List<Shape>) - Static method in class org.tensorflow.op.data.IteratorFromStringHandle
Sets the outputShapes option.
outputShapes(List<Shape>) - Method in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle.Options
Sets the outputShapes option.
outputShapes(List<Shape>) - Static method in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle
Sets the outputShapes option.
outputShapes(Shape...) - Method in class org.tensorflow.op.core.Case.Options
Sets the outputShapes option.
outputShapes(Shape...) - Static method in interface org.tensorflow.op.core.Case
Sets the outputShapes option.
outputShapes(Shape...) - Method in class org.tensorflow.op.core.If.Options
Sets the outputShapes option.
outputShapes(Shape...) - Static method in interface org.tensorflow.op.core.If
Sets the outputShapes option.
outputShapes(Shape...) - Method in class org.tensorflow.op.core.While.Options
Sets the outputShapes option.
outputShapes(Shape...) - Static method in interface org.tensorflow.op.core.While
Sets the outputShapes option.
outputShapes(Shape...) - Method in class org.tensorflow.op.data.IteratorFromStringHandle.Options
Sets the outputShapes option.
outputShapes(Shape...) - Static method in class org.tensorflow.op.data.IteratorFromStringHandle
Sets the outputShapes option.
outputShapes(Shape...) - Method in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle.Options
Sets the outputShapes option.
outputShapes(Shape...) - Static method in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle
Sets the outputShapes option.
outputStream - Variable in class org.tensorflow.op.core.Print.Inputs
A string specifying the output stream or logging level to print to.
outputStream(String) - Method in class org.tensorflow.op.core.Print.Options
Sets the outputStream option.
outputStream(String) - Static method in class org.tensorflow.op.core.Print
Sets the outputStream option.
outputTrue() - Method in class org.tensorflow.op.core.RefSwitch
Gets outputTrue.
outputTrue() - Method in class org.tensorflow.op.core.SwitchCond
Gets outputTrue.
outputType - Variable in class org.tensorflow.op.image.ExtractJpegShape.Inputs
(Optional) The output type of the operation (int32 or int64).
outputType - Variable in class org.tensorflow.op.math.ArgMax.Inputs
The outputType attribute
outputType - Variable in class org.tensorflow.op.math.ArgMin.Inputs
The outputType attribute
outputType - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
Dtype of the output values tensor.
outputType - Variable in class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
Dtype of the output values tensor.
outputType - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Dtype of the output values tensor.
outputTypes - Variable in class org.tensorflow.op.core.DecodeProto.Inputs
List of TF types to use for the respective field in field_names.
outputTypes - Variable in class org.tensorflow.op.core.GetElementAtIndex.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.core.MapDefun.Inputs
A list of types.
outputTypes - Variable in class org.tensorflow.op.data.AnonymousIterator.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.AnonymousMultiDeviceIterator.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.AssertCardinalityDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.AssertNextDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.AssertPrevDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.AutoShardDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.BatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.BytesProducedStatsDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.CacheDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ChooseFastestDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ConcatenateDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.DatasetToSingleElement.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.DenseToSparseBatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.DirectedInterleaveDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.AssertNextDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.AutoShardDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.ChooseFastestDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.IgnoreErrorsDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.LatencyStatsDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.LmdbDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.MapDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.MaxIntraOpParallelismDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.NonSerializableDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
The type list for the return values.
outputTypes - Variable in class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.RandomDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.RebatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.SleepDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.SlidingWindowDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.SqlDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.TakeWhileDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.ThreadPoolDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.UnbatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.experimental.UniqueDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.FilterByLastComponentDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.FilterDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.FinalizeDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.FlatMapDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.IgnoreErrorsDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.Iterator.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.IteratorFromStringHandle.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.IteratorGetNext.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.IteratorGetNextAsOptional.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.IteratorGetNextSync.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.LatencyStatsDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ListDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ListSnapshotChunksDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.LMDBDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.LoadDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.MaxIntraOpParallelismDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ModelDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.MultiDeviceIterator.Inputs
The type list for the return values.
outputTypes - Variable in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle.Inputs
The type list for the return values.
outputTypes - Variable in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard.Inputs
The type list for the return values.
outputTypes - Variable in class org.tensorflow.op.data.NonSerializableDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.OneShotIterator.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.OptimizeDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.OptionalGetValue.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.OptionsDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
The type list for the return values.
outputTypes - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.PrivateThreadPoolDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.RandomDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.RangeDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.RebatchDatasetV2.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.RepeatDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.RewriteDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SamplingDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SetStatsAggregatorDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ShardDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SkipDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SleepDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SlidingWindowDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SnapshotChunkDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SnapshotDatasetReader.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SnapshotNestedDatasetReader.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.SqlDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.TakeDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.TakeWhileDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ThreadPoolDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.UnbatchDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.UncompressElement.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.UniqueDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.WindowOp.Inputs
The outputTypes attribute
outputTypes - Variable in class org.tensorflow.op.data.ZipDataset.Inputs
The outputTypes attribute
outputValueRowids() - Method in class org.tensorflow.op.ragged.RaggedFillEmptyRows
Gets outputValueRowids.
outputValues() - Method in class org.tensorflow.op.ragged.RaggedCountSparseOutput
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.ragged.RaggedCross
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.ragged.RaggedFillEmptyRows
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.DenseCountSparseOutput
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseConcat
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseCountSparseOutput
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseCross
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseCrossHashed
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseFillEmptyRows
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseReduceMaxSparse
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseReduceSumSparse
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseReorder
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseSlice
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseSparseMaximum
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseSparseMinimum
Gets outputValues.
outputValues() - Method in class org.tensorflow.op.sparse.SparseSplit
Gets outputValues.
outputZeroPoints - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The int32 value(s) used as zero points when quantizing original data that output represents.
outputZeroPoints - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The int32 value(s) used as zero points when quantizing original data that output represents.
outputZeroPoints - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The int32 value(s) used as zero_point when quantizing original data that output represents.
outputZeroPoints - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The int32 value(s) to use as new zero_point(s) to quantize original data that input represents.
outRowSplitsType - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The outRowSplitsType attribute
outTensors() - Method in class org.tensorflow.op.core.BatchFunction
Gets outTensors.
outType - Variable in class org.tensorflow.op.core.LowerBound.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.core.Shape.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.core.ShapeN.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.core.Size.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.core.UpperBound.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.core.VariableShape.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.io.DecodePaddedRaw.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.io.DecodeRaw.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.io.ParseTensor.Inputs
The type of the serialized tensor.
outType - Variable in class org.tensorflow.op.io.SerializeManySparse.Inputs
The dtype to use for serialization; the supported types are string (default) and variant.
outType - Variable in class org.tensorflow.op.io.SerializeSparse.Inputs
The dtype to use for serialization; the supported types are string (default) and variant.
outType - Variable in class org.tensorflow.op.math.RequantizePerChannel.Inputs
The quantized type of output tensor that needs to be converted.
outType - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The quantized type of output tensor that needs to be converted.
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The type of the output.
outType - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The type of the output.
outType - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The type of the output.
outType - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The type of the output.
outType - Variable in class org.tensorflow.op.nn.QuantizedRelu.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedRelu6.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.nn.QuantizedReluX.Inputs
The outType attribute
outType - Variable in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange.Inputs
The type of the output.
outType - Variable in class org.tensorflow.op.quantization.Requantize.Inputs
The type of the output.
outType - Variable in class org.tensorflow.op.strings.ToNumber.Inputs
The numeric type to interpret each string in string_tensor as.
OUTTYPE - Variable in class org.tensorflow.op.io.DecodeCsv.Inputs
The OUTTYPE attribute
outValuesType - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The outValuesType attribute
overlapping - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
When set to True, it means when pooling, the values at the boundary of adjacent pooling cells are used by both cells.
overlapping - Variable in class org.tensorflow.op.nn.FractionalAvgPoolGrad.Inputs
When set to True, it means when pooling, the values at the boundary of adjacent pooling cells are used by both cells.
overlapping - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
When set to True, it means when pooling, the values at the boundary of adjacent pooling cells are used by both cells.
overlapping - Variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
When set to True, it means when pooling, the values at the boundary of adjacent pooling cells are used by both cells.
overlapping(Boolean) - Method in class org.tensorflow.op.nn.FractionalAvgPool.Options
Sets the overlapping option.
overlapping(Boolean) - Static method in class org.tensorflow.op.nn.FractionalAvgPool
Sets the overlapping option.
overlapping(Boolean) - Method in class org.tensorflow.op.nn.FractionalAvgPoolGrad.Options
Sets the overlapping option.
overlapping(Boolean) - Static method in class org.tensorflow.op.nn.FractionalAvgPoolGrad
Sets the overlapping option.
overlapping(Boolean) - Method in class org.tensorflow.op.nn.FractionalMaxPool.Options
Sets the overlapping option.
overlapping(Boolean) - Static method in class org.tensorflow.op.nn.FractionalMaxPool
Sets the overlapping option.
overlapping(Boolean) - Method in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Options
Sets the overlapping option.
overlapping(Boolean) - Static method in class org.tensorflow.op.nn.FractionalMaxPoolGrad
Sets the overlapping option.
overlaps - Variable in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps.Inputs
A 2-D float tensor of shape [num_boxes, num_boxes] representing the n-by-n box overlap values.
overlapThreshold - Variable in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps.Inputs
A 0-D float tensor representing the threshold for deciding whether boxes overlap too.

P

p() - Method in class org.tensorflow.op.linalg.Lu
Gets p.
pad - Variable in class org.tensorflow.op.io.EncodeBase64.Inputs
Bool whether padding is applied at the ends.
pad(Boolean) - Method in class org.tensorflow.op.io.EncodeBase64.Options
Sets the pad option.
pad(Boolean) - Static method in class org.tensorflow.op.io.EncodeBase64
Sets the pad option.
pad(Operand<T>, Operand<? extends TNumber>, Operand<T>) - Method in class org.tensorflow.op.Ops
Pads a tensor.
Pad<T extends TType> - Class in org.tensorflow.op.core
Pads a tensor.
Pad(Operation) - Constructor for class org.tensorflow.op.core.Pad
 
Pad.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
paddedBatchDataset(Operand<? extends TType>, Operand<TInt64>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Operand<TBool>, List<Shape>, PaddedBatchDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that batches and pads batch_size elements from the input.
PaddedBatchDataset - Class in org.tensorflow.op.data
Creates a dataset that batches and pads batch_size elements from the input.
PaddedBatchDataset(Operation) - Constructor for class org.tensorflow.op.data.PaddedBatchDataset
 
PaddedBatchDataset.Inputs - Class in org.tensorflow.op.data
 
PaddedBatchDataset.Options - Class in org.tensorflow.op.data
Optional attributes for PaddedBatchDataset
paddedShapes - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
A list of int64 tensors representing the desired padded shapes of the corresponding output components.
padding - Variable in class org.tensorflow.op.core.ExtractVolumePatches.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.image.ExtractImagePatches.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.AvgPool.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.AvgPool3d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.AvgPoolGrad.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv3d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Dilation2d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.FusedPadConv2d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPool.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPool3d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The padding attribute
padding - Variable in class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
The type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
string from: "SAME", "VALID", or "EXPLICIT", indicating the type of padding algorithm to use.
padding - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
string from: "SAME", "VALID", or "EXPLICIT", indicating the type of padding algorithm to use.
paddingFifoQueue(List<Class<? extends TType>>, PaddingFifoQueue.Options...) - Method in class org.tensorflow.op.IoOps
A queue that produces elements in first-in first-out order.
PaddingFifoQueue - Class in org.tensorflow.op.io
A queue that produces elements in first-in first-out order.
PaddingFifoQueue(Operation) - Constructor for class org.tensorflow.op.io.PaddingFifoQueue
 
PaddingFifoQueue.Inputs - Class in org.tensorflow.op.io
 
PaddingFifoQueue.Options - Class in org.tensorflow.op.io
Optional attributes for PaddingFifoQueue
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The paddingList attribute
paddingList - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The paddingList attribute
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Sets the paddingList option.
paddingList(Long...) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(Long...) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRelu
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBias
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
Sets the paddingList option.
paddingList(List<Long>) - Method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Options
Sets the paddingList option.
paddingList(List<Long>) - Static method in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
Sets the paddingList option.
paddingMap - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
The paddingMap attribute
paddingMap - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
The paddingMap attribute
paddingMap(String...) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the paddingMap option.
paddingMap(String...) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the paddingMap option.
paddingMap(String...) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the paddingMap option.
paddingMap(String...) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the paddingMap option.
paddingMap(List<String>) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the paddingMap option.
paddingMap(List<String>) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the paddingMap option.
paddingMap(List<String>) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the paddingMap option.
paddingMap(List<String>) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the paddingMap option.
paddings - Variable in class org.tensorflow.op.core.MirrorPad.Inputs
A two-column matrix specifying the padding sizes.
paddings - Variable in class org.tensorflow.op.core.MirrorPadGrad.Inputs
A two-column matrix specifying the padding sizes.
paddings - Variable in class org.tensorflow.op.core.Pad.Inputs
The paddings input
paddings - Variable in class org.tensorflow.op.core.SpaceToBatchNd.Inputs
2-D with shape [M, 2], all values must be >= 0.
paddings - Variable in class org.tensorflow.op.nn.FusedPadConv2d.Inputs
A two-column matrix specifying the padding sizes.
paddings - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
A two-column matrix specifying the padding sizes.
paddings - Variable in class org.tensorflow.op.nn.SpaceToBatch.Inputs
2-D tensor of non-negative integers with shape [2, 2].
paddings - Variable in class org.tensorflow.op.xla.AssignVariableConcatND.Inputs
Optional list of right paddings per dimension to strip from the final merged tensor.
paddings - Variable in class org.tensorflow.op.xla.ConcatND.Inputs
Optional list of right paddings per dimension to strip from the final merged tensor.
paddings - Variable in class org.tensorflow.op.xla.ReadVariableSplitND.Inputs
Optional list of right paddings per dimension of input tensor to apply before splitting.
paddings - Variable in class org.tensorflow.op.xla.SplitND.Inputs
Optional list of right paddings per dimension of input tensor to apply before splitting.
paddings(Long...) - Method in class org.tensorflow.op.xla.AssignVariableConcatND.Options
Sets the paddings option.
paddings(Long...) - Static method in class org.tensorflow.op.xla.AssignVariableConcatND
Sets the paddings option.
paddings(Long...) - Method in class org.tensorflow.op.xla.ConcatND.Options
Sets the paddings option.
paddings(Long...) - Static method in class org.tensorflow.op.xla.ConcatND
Sets the paddings option.
paddings(Long...) - Method in class org.tensorflow.op.xla.ReadVariableSplitND.Options
Sets the paddings option.
paddings(Long...) - Static method in class org.tensorflow.op.xla.ReadVariableSplitND
Sets the paddings option.
paddings(Long...) - Method in class org.tensorflow.op.xla.SplitND.Options
Sets the paddings option.
paddings(Long...) - Static method in class org.tensorflow.op.xla.SplitND
Sets the paddings option.
paddings(List<Long>) - Method in class org.tensorflow.op.xla.AssignVariableConcatND.Options
Sets the paddings option.
paddings(List<Long>) - Static method in class org.tensorflow.op.xla.AssignVariableConcatND
Sets the paddings option.
paddings(List<Long>) - Method in class org.tensorflow.op.xla.ConcatND.Options
Sets the paddings option.
paddings(List<Long>) - Static method in class org.tensorflow.op.xla.ConcatND
Sets the paddings option.
paddings(List<Long>) - Method in class org.tensorflow.op.xla.ReadVariableSplitND.Options
Sets the paddings option.
paddings(List<Long>) - Static method in class org.tensorflow.op.xla.ReadVariableSplitND
Sets the paddings option.
paddings(List<Long>) - Method in class org.tensorflow.op.xla.SplitND.Options
Sets the paddings option.
paddings(List<Long>) - Static method in class org.tensorflow.op.xla.SplitND
Sets the paddings option.
paddingValue - Variable in class org.tensorflow.op.linalg.MatrixDiag.Inputs
The number to fill the area outside the specified diagonal band with.
paddingValue - Variable in class org.tensorflow.op.linalg.MatrixDiagPart.Inputs
The value to fill the area outside the specified diagonal band with.
paddingValue - Variable in class org.tensorflow.op.linalg.MatrixDiagPartV3.Inputs
The value to fill the area outside the specified diagonal band with.
paddingValue - Variable in class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
The number to fill the area outside the specified diagonal band with.
paddingValues - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
A list of scalars containing the padding value to use for each of the outputs.
padPerClass - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
If false, the output nmsed boxes, scores and classes are padded/clipped to max_total_size.
padPerClass(Boolean) - Method in class org.tensorflow.op.image.CombinedNonMaxSuppression.Options
Sets the padPerClass option.
padPerClass(Boolean) - Static method in class org.tensorflow.op.image.CombinedNonMaxSuppression
Sets the padPerClass option.
padToMaxOutputSize - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
If true, the output selected_indices is padded to be of length max_output_size.
padToMaxOutputSize(Boolean) - Method in class org.tensorflow.op.image.NonMaxSuppression.Options
Sets the padToMaxOutputSize option.
padToMaxOutputSize(Boolean) - Static method in class org.tensorflow.op.image.NonMaxSuppression
Sets the padToMaxOutputSize option.
padWidth - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The number of padding elements to add to each side of each sequence.
parallelBatchDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>, ParallelBatchDataset.Options...) - Method in class org.tensorflow.op.DataOps
The ParallelBatchDataset operation
ParallelBatchDataset - Class in org.tensorflow.op.data
The ParallelBatchDataset operation
ParallelBatchDataset(Operation) - Constructor for class org.tensorflow.op.data.ParallelBatchDataset
 
ParallelBatchDataset.Inputs - Class in org.tensorflow.op.data
 
ParallelBatchDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ParallelBatchDataset
parallelConcat(Iterable<Operand<T>>, Shape) - Method in class org.tensorflow.op.Ops
Concatenates a list of N tensors along the first dimension.
ParallelConcat<T extends TType> - Class in org.tensorflow.op.core
Concatenates a list of N tensors along the first dimension.
ParallelConcat(Operation) - Constructor for class org.tensorflow.op.core.ParallelConcat
 
ParallelConcat.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
parallelCopy - Variable in class org.tensorflow.op.data.BatchDataset.Inputs
The parallelCopy attribute
parallelCopy - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
The parallelCopy attribute
parallelCopy - Variable in class org.tensorflow.op.data.ParallelBatchDataset.Inputs
The parallelCopy attribute
parallelCopy(Boolean) - Method in class org.tensorflow.op.data.BatchDataset.Options
Sets the parallelCopy option.
parallelCopy(Boolean) - Static method in class org.tensorflow.op.data.BatchDataset
Sets the parallelCopy option.
parallelCopy(Boolean) - Method in class org.tensorflow.op.data.PaddedBatchDataset.Options
Sets the parallelCopy option.
parallelCopy(Boolean) - Static method in class org.tensorflow.op.data.PaddedBatchDataset
Sets the parallelCopy option.
parallelCopy(Boolean) - Method in class org.tensorflow.op.data.ParallelBatchDataset.Options
Sets the parallelCopy option.
parallelCopy(Boolean) - Static method in class org.tensorflow.op.data.ParallelBatchDataset
Sets the parallelCopy option.
parallelDynamicStitch(Iterable<Operand<TInt32>>, Iterable<Operand<T>>) - Method in class org.tensorflow.op.Ops
Interleave the values from the data tensors into a single tensor.
ParallelDynamicStitch<T extends TType> - Class in org.tensorflow.op.core
Interleave the values from the data tensors into a single tensor.
ParallelDynamicStitch(Operation) - Constructor for class org.tensorflow.op.core.ParallelDynamicStitch
 
ParallelDynamicStitch.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
parallelFilterDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ParallelFilterDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset containing elements of input_dataset matching predicate.
ParallelFilterDataset - Class in org.tensorflow.op.data
Creates a dataset containing elements of input_dataset matching predicate.
ParallelFilterDataset(Operation) - Constructor for class org.tensorflow.op.data.ParallelFilterDataset
 
ParallelFilterDataset.Inputs - Class in org.tensorflow.op.data
 
ParallelFilterDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ParallelFilterDataset
parallelInterleaveDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that applies f to the outputs of input_dataset.
parallelInterleaveDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ParallelInterleaveDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that applies f to the outputs of input_dataset.
ParallelInterleaveDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that applies f to the outputs of input_dataset.
ParallelInterleaveDataset - Class in org.tensorflow.op.data
Creates a dataset that applies f to the outputs of input_dataset.
ParallelInterleaveDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.ParallelInterleaveDataset
 
ParallelInterleaveDataset(Operation) - Constructor for class org.tensorflow.op.data.ParallelInterleaveDataset
 
ParallelInterleaveDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
ParallelInterleaveDataset.Inputs - Class in org.tensorflow.op.data
 
ParallelInterleaveDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ParallelInterleaveDataset
parallelIterations - Variable in class org.tensorflow.op.core.Enter.Inputs
The number of iterations allowed to run in parallel.
parallelIterations - Variable in class org.tensorflow.op.core.RefEnter.Inputs
The number of iterations allowed to run in parallel.
parallelIterations - Variable in class org.tensorflow.op.core.StatefulWhile.Inputs
The parallelIterations attribute
parallelIterations - Variable in class org.tensorflow.op.core.StatelessWhile.Inputs
The parallelIterations attribute
parallelIterations(Long) - Method in class org.tensorflow.op.core.Enter.Options
Sets the parallelIterations option.
parallelIterations(Long) - Static method in class org.tensorflow.op.core.Enter
Sets the parallelIterations option.
parallelIterations(Long) - Method in class org.tensorflow.op.core.RefEnter.Options
Sets the parallelIterations option.
parallelIterations(Long) - Static method in class org.tensorflow.op.core.RefEnter
Sets the parallelIterations option.
parallelIterations(Long) - Method in class org.tensorflow.op.core.While.Options
Sets the parallelIterations option.
parallelIterations(Long) - Static method in interface org.tensorflow.op.core.While
Sets the parallelIterations option.
parallelMapDataset(Operand<? extends TType>, Iterable<Operand<?>>, Operand<TInt64>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ParallelMapDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that applies f to the outputs of input_dataset.
ParallelMapDataset - Class in org.tensorflow.op.data
Creates a dataset that applies f to the outputs of input_dataset.
ParallelMapDataset(Operation) - Constructor for class org.tensorflow.op.data.ParallelMapDataset
 
ParallelMapDataset.Inputs - Class in org.tensorflow.op.data
 
ParallelMapDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ParallelMapDataset
parameterizedTruncatedNormal(Operand<? extends TNumber>, Operand<U>, Operand<U>, Operand<U>, Operand<U>, ParameterizedTruncatedNormal.Options...) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a normal distribution.
ParameterizedTruncatedNormal<U extends TNumber> - Class in org.tensorflow.op.random
Outputs random values from a normal distribution.
ParameterizedTruncatedNormal(Operation) - Constructor for class org.tensorflow.op.random.ParameterizedTruncatedNormal
 
ParameterizedTruncatedNormal.Inputs<U extends TNumber> - Class in org.tensorflow.op.random
 
ParameterizedTruncatedNormal.Options - Class in org.tensorflow.op.random
Optional attributes for ParameterizedTruncatedNormal
parameters - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
A list of tensors, one for each embedding table, containing the initial embedding table parameters to use in embedding lookups.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
Value of parameters used in the Adadelta optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
Value of parameters used in the Adagrad Momentum optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
Value of parameters used in the Adagrad optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
Value of parameters used in the ADAM optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
Value of parameters used in the centered RMSProp optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
Value of parameters used in the frequency estimator optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
Value of parameters used in the FTRL optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
Value of parameters used in the MDL Adagrad Light optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
Value of parameters used in the Momentum optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
Value of parameters used in the proximal Adagrad optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The parameters input
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
Value of parameters used in the RMSProp optimization algorithm.
parameters - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs
Value of parameters used in the stochastic gradient descent optimization algorithm.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
Gets parameters.
parameters() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
Gets parameters.
params - Variable in class org.tensorflow.op.core.Gather.Inputs
The tensor from which to gather values.
params - Variable in class org.tensorflow.op.core.GatherNd.Inputs
The tensor from which to gather values.
params - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The params input
params - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The params input
params - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The params input
params() - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Gets params.
paramsBackprop() - Method in class org.tensorflow.op.nn.CudnnRNNBackprop
Gets paramsBackprop.
paramsDenseValues - Variable in class org.tensorflow.op.ragged.RaggedGather.Inputs
The flat_values for the params RaggedTensor.
paramsNestedSplits - Variable in class org.tensorflow.op.ragged.RaggedGather.Inputs
The nested_row_splits tensors that define the row-partitioning for the params RaggedTensor input.
paramsSize() - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Gets paramsSize.
parseExample(Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Iterable<Operand<?>>, Long, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, List<Shape>) - Method in class org.tensorflow.op.IoOps
Transforms a vector of tf.Example protos (as strings) into typed tensors.
ParseExample - Class in org.tensorflow.op.io
Transforms a vector of tf.Example protos (as strings) into typed tensors.
ParseExample(Operation) - Constructor for class org.tensorflow.op.io.ParseExample
 
ParseExample.Inputs - Class in org.tensorflow.op.io
 
parseExampleDataset(Operand<? extends TType>, Operand<TInt64>, Iterable<Operand<?>>, List<String>, List<String>, List<Class<? extends TType>>, List<Shape>, List<Class<? extends TType>>, List<Shape>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, ParseExampleDataset.Options...) - Method in class org.tensorflow.op.DataOps
Transforms input_dataset containing Example protos as vectors of DT_STRING into a dataset of Tensor or SparseTensor objects representing the parsed features.
parseExampleDataset(Operand<? extends TType>, Operand<TInt64>, Iterable<Operand<?>>, List<String>, List<String>, List<Class<? extends TType>>, List<Shape>, List<Class<? extends TType>>, List<Shape>, ParseExampleDataset.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Transforms input_dataset containing Example protos as vectors of DT_STRING into a dataset of Tensor or SparseTensor objects representing the parsed features.
ParseExampleDataset - Class in org.tensorflow.op.data.experimental
Transforms input_dataset containing Example protos as vectors of DT_STRING into a dataset of Tensor or SparseTensor objects representing the parsed features.
ParseExampleDataset - Class in org.tensorflow.op.data
Transforms input_dataset containing Example protos as vectors of DT_STRING into a dataset of Tensor or SparseTensor objects representing the parsed features.
ParseExampleDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.ParseExampleDataset
 
ParseExampleDataset(Operation) - Constructor for class org.tensorflow.op.data.ParseExampleDataset
 
ParseExampleDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
ParseExampleDataset.Inputs - Class in org.tensorflow.op.data
 
ParseExampleDataset.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for ParseExampleDataset
ParseExampleDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ParseExampleDataset
parseSequenceExample(Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TString>, Operand<TBool>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TNumber>>, ParseSequenceExample.Options...) - Method in class org.tensorflow.op.IoOps
Transforms a vector of tf.io.SequenceExample protos (as strings) into typed tensors.
ParseSequenceExample - Class in org.tensorflow.op.io
Transforms a vector of tf.io.SequenceExample protos (as strings) into typed tensors.
ParseSequenceExample(Operation) - Constructor for class org.tensorflow.op.io.ParseSequenceExample
 
ParseSequenceExample.Inputs - Class in org.tensorflow.op.io
 
ParseSequenceExample.Options - Class in org.tensorflow.op.io
Optional attributes for ParseSequenceExample
parseSingleExample(Operand<TString>, Iterable<Operand<?>>, Long, List<String>, List<String>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.IoOps
Transforms a tf.Example proto (as a string) into typed tensors.
ParseSingleExample - Class in org.tensorflow.op.io
Transforms a tf.Example proto (as a string) into typed tensors.
ParseSingleExample(Operation) - Constructor for class org.tensorflow.op.io.ParseSingleExample
 
ParseSingleExample.Inputs - Class in org.tensorflow.op.io
 
parseSingleSequenceExample(Operand<TString>, Operand<TString>, Iterable<Operand<TString>>, Iterable<Operand<TString>>, Iterable<Operand<TString>>, Iterable<Operand<TString>>, Iterable<Operand<?>>, Operand<TString>, List<Class<? extends TType>>, List<Class<? extends TType>>, List<Class<? extends TType>>, ParseSingleSequenceExample.Options...) - Method in class org.tensorflow.op.IoOps
Transforms a scalar brain.SequenceExample proto (as strings) into typed tensors.
ParseSingleSequenceExample - Class in org.tensorflow.op.io
Transforms a scalar brain.SequenceExample proto (as strings) into typed tensors.
ParseSingleSequenceExample(Operation) - Constructor for class org.tensorflow.op.io.ParseSingleSequenceExample
 
ParseSingleSequenceExample.Inputs - Class in org.tensorflow.op.io
 
ParseSingleSequenceExample.Options - Class in org.tensorflow.op.io
Optional attributes for ParseSingleSequenceExample
parseTensor(Operand<TString>, Class<T>) - Method in class org.tensorflow.op.IoOps
Transforms a serialized tensorflow.TensorProto proto into a Tensor.
ParseTensor<T extends TType> - Class in org.tensorflow.op.io
Transforms a serialized tensorflow.TensorProto proto into a Tensor.
ParseTensor(Operation) - Constructor for class org.tensorflow.op.io.ParseTensor
 
ParseTensor.Inputs - Class in org.tensorflow.op.io
 
partialPivoting - Variable in class org.tensorflow.op.linalg.TridiagonalSolve.Inputs
Whether to apply partial pivoting.
partialPivoting(Boolean) - Method in class org.tensorflow.op.linalg.TridiagonalSolve.Options
Sets the partialPivoting option.
partialPivoting(Boolean) - Static method in class org.tensorflow.op.linalg.TridiagonalSolve
Sets the partialPivoting option.
partitionDims - Variable in class org.tensorflow.op.tpu.PartitionedInput.Inputs
A list of integers describing how each dimension is partitioned.
partitionDims - Variable in class org.tensorflow.op.tpu.PartitionedOutput.Inputs
A list of integers describing how each dimension is partitioned.
partitionedCall(Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, PartitionedCall.Options...) - Method in class org.tensorflow.op.Ops
returns f(inputs), where f's body is placed and partitioned.
partitionedCall(Iterable<Operand<?>>, Operand<TInt32>, List<Class<? extends TType>>, ConcreteFunction, PartitionedCall.Options...) - Method in class org.tensorflow.op.TpuOps
Calls a function placed on a specified TPU device.
PartitionedCall - Class in org.tensorflow.op.core
returns f(inputs), where f's body is placed and partitioned.
PartitionedCall - Class in org.tensorflow.op.tpu
Calls a function placed on a specified TPU device.
PartitionedCall(Operation) - Constructor for class org.tensorflow.op.core.PartitionedCall
 
PartitionedCall(Operation) - Constructor for class org.tensorflow.op.tpu.PartitionedCall
 
PartitionedCall.Inputs - Class in org.tensorflow.op.core
 
PartitionedCall.Inputs - Class in org.tensorflow.op.tpu
 
PartitionedCall.Options - Class in org.tensorflow.op.core
Optional attributes for PartitionedCall
PartitionedCall.Options - Class in org.tensorflow.op.tpu
Optional attributes for PartitionedCall
partitionedInput(Iterable<Operand<T>>, List<Long>, PartitionedInput.Options...) - Method in class org.tensorflow.op.TpuOps
An op that groups a list of partitioned inputs together.
PartitionedInput<T extends TType> - Class in org.tensorflow.op.tpu
An op that groups a list of partitioned inputs together.
PartitionedInput(Operation) - Constructor for class org.tensorflow.op.tpu.PartitionedInput
 
PartitionedInput.Inputs<T extends TType> - Class in org.tensorflow.op.tpu
 
PartitionedInput.Options - Class in org.tensorflow.op.tpu
Optional attributes for PartitionedInput
partitionedOutput(Operand<T>, Long, List<Long>) - Method in class org.tensorflow.op.TpuOps
An op that demultiplexes a tensor to be sharded by XLA to a list of partitioned outputs outside the XLA computation.
PartitionedOutput<T extends TType> - Class in org.tensorflow.op.tpu
An op that demultiplexes a tensor to be sharded by XLA to a list of partitioned outputs outside the XLA computation.
PartitionedOutput(Operation) - Constructor for class org.tensorflow.op.tpu.PartitionedOutput
 
PartitionedOutput.Inputs<T extends TType> - Class in org.tensorflow.op.tpu
 
partitions - Variable in class org.tensorflow.op.core.DynamicPartition.Inputs
Any shape.
patches() - Method in class org.tensorflow.op.core.ExtractVolumePatches
Gets patches.
patches() - Method in class org.tensorflow.op.image.ExtractImagePatches
Gets patches.
path - Variable in class org.tensorflow.op.data.LoadDataset.Inputs
The path input
path - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The path input
path - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The path we should write snapshots to / read snapshots from.
pattern - Variable in class org.tensorflow.op.io.MatchingFiles.Inputs
Shell wildcard pattern(s).
pattern - Variable in class org.tensorflow.op.strings.RegexFullMatch.Inputs
A scalar string tensor containing the regular expression to match the input.
pattern - Variable in class org.tensorflow.op.strings.RegexReplace.Inputs
The regular expression to be matched in the input strings.
pattern - Variable in class org.tensorflow.op.strings.StaticRegexFullMatch.Inputs
The regular expression to match the input.
pattern - Variable in class org.tensorflow.op.strings.StaticRegexReplace.Inputs
The regular expression to match the input.
patterns - Variable in class org.tensorflow.op.data.experimental.MatchingFilesDataset.Inputs
The patterns input
patterns - Variable in class org.tensorflow.op.data.MatchingFilesDataset.Inputs
The patterns input
perm - Variable in class org.tensorflow.op.linalg.ConjugateTranspose.Inputs
The perm input
perm - Variable in class org.tensorflow.op.linalg.Transpose.Inputs
The perm input
permutation - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky.Inputs
A fill-in reducing permutation matrix.
perturbSingular - Variable in class org.tensorflow.op.linalg.TridiagonalSolve.Inputs
The perturbSingular attribute
perturbSingular(Boolean) - Method in class org.tensorflow.op.linalg.TridiagonalSolve.Options
Sets the perturbSingular option.
perturbSingular(Boolean) - Static method in class org.tensorflow.op.linalg.TridiagonalSolve
Sets the perturbSingular option.
placeholder - Variable in class org.tensorflow.op.strings.StringFormat.Inputs
A string, at each placeholder in the template a subsequent tensor summary will be inserted.
placeholder(Class<T>, Placeholder.Options...) - Method in class org.tensorflow.op.Ops
A placeholder op for a value that will be fed into the computation.
placeholder(String) - Method in class org.tensorflow.op.strings.StringFormat.Options
Sets the placeholder option.
placeholder(String) - Static method in class org.tensorflow.op.strings.StringFormat
Sets the placeholder option.
Placeholder<T extends TType> - Class in org.tensorflow.op.core
A placeholder op for a value that will be fed into the computation.
Placeholder(Operation) - Constructor for class org.tensorflow.op.core.Placeholder
 
Placeholder.Inputs - Class in org.tensorflow.op.core
 
Placeholder.Options - Class in org.tensorflow.op.core
Optional attributes for Placeholder
placeholderWithDefault(Operand<T>, Shape) - Method in class org.tensorflow.op.Ops
A placeholder op that passes through input when its output is not fed.
PlaceholderWithDefault<T extends TType> - Class in org.tensorflow.op.core
A placeholder op that passes through input when its output is not fed.
PlaceholderWithDefault(Operation) - Constructor for class org.tensorflow.op.core.PlaceholderWithDefault
 
PlaceholderWithDefault.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
points - Variable in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization.Inputs
Matrix of shape (n, d).
points - Variable in class org.tensorflow.op.image.NearestNeighbors.Inputs
Matrix of shape (n, d).
polygamma(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Compute the polygamma function \(\psi^{(n)}(x)\).
Polygamma<T extends TNumber> - Class in org.tensorflow.op.math
Compute the polygamma function \(\psi^{(n)}(x)\).
Polygamma(Operation) - Constructor for class org.tensorflow.op.math.Polygamma
 
Polygamma.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
poolingRatio - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
Pooling ratio for each dimension of value, currently only supports row and col dimension and should be >= 1.0.
poolingRatio - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
Pooling ratio for each dimension of value, currently only supports row and col dimension and should be >= 1.0.
populationCount(Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes element-wise population count (a.k.a.
PopulationCount - Class in org.tensorflow.op.math
Computes element-wise population count (a.k.a.
PopulationCount(Operation) - Constructor for class org.tensorflow.op.math.PopulationCount
 
PopulationCount.Inputs - Class in org.tensorflow.op.math
 
pos - Variable in class org.tensorflow.op.strings.Substr.Inputs
Scalar defining the position of first character in each substring
postNmsTopn - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
An integer.
postNmsTopn(Long) - Method in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Options
Sets the postNmsTopn option.
postNmsTopn(Long) - Static method in class org.tensorflow.op.image.GenerateBoundingBoxProposals
Sets the postNmsTopn option.
pow(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the power of one value to another.
Pow<T extends TType> - Class in org.tensorflow.op.math
Computes the power of one value to another.
Pow(Operation) - Constructor for class org.tensorflow.op.math.Pow
 
Pow.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
precision - Variable in class org.tensorflow.op.dtypes.AsString.Inputs
The post-decimal precision to use for floating point numbers.
precision() - Method in class org.tensorflow.op.nn.InTopK
Gets precision.
precision(Long) - Method in class org.tensorflow.op.dtypes.AsString.Options
Sets the precision option.
precision(Long) - Static method in class org.tensorflow.op.dtypes.AsString
Sets the precision option.
pred - Variable in class org.tensorflow.op.core.RefSwitch.Inputs
A scalar that specifies which output port will receive data.
pred - Variable in class org.tensorflow.op.core.SwitchCond.Inputs
A scalar that specifies which output port will receive data.
predictions - Variable in class org.tensorflow.op.nn.InTopK.Inputs
A batch_size x classes tensor.
preferredShard - Variable in class org.tensorflow.op.train.RestoreSlice.Inputs
Index of file to open first if multiple files match file_pattern.
preferredShard(Long) - Method in class org.tensorflow.op.train.RestoreSlice.Options
Sets the preferredShard option.
preferredShard(Long) - Static method in class org.tensorflow.op.train.RestoreSlice
Sets the preferredShard option.
prefetchDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, PrefetchDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that asynchronously prefetches elements from input_dataset.
PrefetchDataset - Class in org.tensorflow.op.data
Creates a dataset that asynchronously prefetches elements from input_dataset.
PrefetchDataset(Operation) - Constructor for class org.tensorflow.op.data.PrefetchDataset
 
PrefetchDataset.Inputs - Class in org.tensorflow.op.data
 
PrefetchDataset.Options - Class in org.tensorflow.op.data
Optional attributes for PrefetchDataset
prefetchInputElements - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The prefetchInputElements input
prefetchInputElements - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The prefetchInputElements input
prefetchInputElements - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
Determines the number of iterators to prefetch, allowing buffers to warm up and data to be pre-fetched without blocking the main thread.
prefix - Variable in class org.tensorflow.op.tpu.DTensorRestore.Inputs
The prefix input
prefix - Variable in class org.tensorflow.op.train.Restore.Inputs
Must have a single element.
prefix - Variable in class org.tensorflow.op.train.Save.Inputs
Must have a single element.
prelinearize(Operand<? extends TType>, Prelinearize.Options...) - Method in class org.tensorflow.op.TpuOps
An op which linearizes one Tensor value to an opaque variant tensor.
Prelinearize - Class in org.tensorflow.op.tpu
An op which linearizes one Tensor value to an opaque variant tensor.
Prelinearize(Operation) - Constructor for class org.tensorflow.op.tpu.Prelinearize
 
Prelinearize.Inputs - Class in org.tensorflow.op.tpu
 
Prelinearize.Options - Class in org.tensorflow.op.tpu
Optional attributes for Prelinearize
prelinearizeTuple(Iterable<Operand<?>>, List<Shape>, PrelinearizeTuple.Options...) - Method in class org.tensorflow.op.TpuOps
An op which linearizes multiple Tensor values to an opaque variant tensor.
PrelinearizeTuple - Class in org.tensorflow.op.tpu
An op which linearizes multiple Tensor values to an opaque variant tensor.
PrelinearizeTuple(Operation) - Constructor for class org.tensorflow.op.tpu.PrelinearizeTuple
 
PrelinearizeTuple.Inputs - Class in org.tensorflow.op.tpu
 
PrelinearizeTuple.Options - Class in org.tensorflow.op.tpu
Optional attributes for PrelinearizeTuple
preNmsTopn - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
A scalar int tensor for the number of top scoring boxes to be used as input.
prepend(Shape<TInt32>, int) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand containing the first dimension followed by the dimensions of the shape.
prepend(Shape<TInt64>, long) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand containing the first dimension followed by the dimensions of the shape.
prepend(Scope, Shape<TInt32>, int) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand containing the first dimension followed by the dimensions of the shape.
prepend(Scope, Shape<TInt64>, long) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand containing the first dimension followed by the dimensions of the shape.
prepend(Scope, Operand<T>, Operand<T>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand that represents a new shape containing the dimensions of an operand representing the shape to prepend, followed by the dimensions of an operand representing a shape.
prepend(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand that represents a new shape containing the dimensions of an operand representing the shape to prepend, followed by the dimensions of an operand representing a shape.
preprocessCollapseRepeated - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
Scalar, if true then repeated labels are collapsed prior to the CTC calculation.
preprocessCollapseRepeated - Variable in class org.tensorflow.op.nn.CTCLossV2.Inputs
Scalar, if true then repeated labels are collapsed prior to the CTC calculation.
preprocessCollapseRepeated(Boolean) - Method in class org.tensorflow.op.nn.CtcLoss.Options
Sets the preprocessCollapseRepeated option.
preprocessCollapseRepeated(Boolean) - Static method in class org.tensorflow.op.nn.CtcLoss
Sets the preprocessCollapseRepeated option.
preprocessCollapseRepeated(Boolean) - Method in class org.tensorflow.op.nn.CTCLossV2.Options
Sets the preprocessCollapseRepeated option.
preprocessCollapseRepeated(Boolean) - Static method in class org.tensorflow.op.nn.CTCLossV2
Sets the preprocessCollapseRepeated option.
preserveCardinality - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
The preserveCardinality attribute
preserveCardinality - Variable in class org.tensorflow.op.data.experimental.MapDataset.Inputs
The preserveCardinality attribute
preserveCardinality - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The preserveCardinality attribute
preserveCardinality - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
The preserveCardinality attribute
preserveCardinality - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The preserveCardinality attribute
preserveCardinality - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The preserveCardinality attribute
preserveCardinality - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The preserveCardinality attribute
preserveCardinality(Boolean) - Method in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Options
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Static method in class org.tensorflow.op.data.experimental.MapAndBatchDataset
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Method in class org.tensorflow.op.data.experimental.MapDataset.Options
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Static method in class org.tensorflow.op.data.experimental.MapDataset
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Method in class org.tensorflow.op.data.experimental.ScanDataset.Options
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Static method in class org.tensorflow.op.data.experimental.ScanDataset
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Method in class org.tensorflow.op.data.MapAndBatchDataset.Options
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Static method in class org.tensorflow.op.data.MapAndBatchDataset
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Method in class org.tensorflow.op.data.MapDataset.Options
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Static method in class org.tensorflow.op.data.MapDataset
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Method in class org.tensorflow.op.data.ParallelMapDataset.Options
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Static method in class org.tensorflow.op.data.ParallelMapDataset
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Method in class org.tensorflow.op.data.ScanDataset.Options
Sets the preserveCardinality option.
preserveCardinality(Boolean) - Static method in class org.tensorflow.op.data.ScanDataset
Sets the preserveCardinality option.
preserveShortSequences - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The preserveShortSequences attribute
preventGradient(Operand<T>, PreventGradient.Options...) - Method in class org.tensorflow.op.TrainOps
An identity op that triggers an error if a gradient is requested.
PreventGradient<T extends TType> - Class in org.tensorflow.op.train
An identity op that triggers an error if a gradient is requested.
PreventGradient(Operation) - Constructor for class org.tensorflow.op.train.PreventGradient
 
PreventGradient.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
PreventGradient.Options - Class in org.tensorflow.op.train
Optional attributes for PreventGradient
print(Operand<TString>, Print.Options...) - Method in class org.tensorflow.op.Ops
Prints a string scalar.
Print - Class in org.tensorflow.op.core
Prints a string scalar.
Print(Operation) - Constructor for class org.tensorflow.op.core.Print
 
Print.Inputs - Class in org.tensorflow.op.core
 
Print.Options - Class in org.tensorflow.op.core
Optional attributes for Print
priorityQueue(List<Class<? extends TType>>, List<Shape>, PriorityQueue.Options...) - Method in class org.tensorflow.op.IoOps
A queue that produces elements sorted by the first component value.
PriorityQueue - Class in org.tensorflow.op.io
A queue that produces elements sorted by the first component value.
PriorityQueue(Operation) - Constructor for class org.tensorflow.op.io.PriorityQueue
 
PriorityQueue.Inputs - Class in org.tensorflow.op.io
 
PriorityQueue.Options - Class in org.tensorflow.op.io
Optional attributes for PriorityQueue
privateThreadPoolDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that uses a custom thread pool to compute input_dataset.
privateThreadPoolDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that uses a custom thread pool to compute input_dataset.
PrivateThreadPoolDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that uses a custom thread pool to compute input_dataset.
PrivateThreadPoolDataset - Class in org.tensorflow.op.data
Creates a dataset that uses a custom thread pool to compute input_dataset.
PrivateThreadPoolDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.PrivateThreadPoolDataset
 
PrivateThreadPoolDataset(Operation) - Constructor for class org.tensorflow.op.data.PrivateThreadPoolDataset
 
PrivateThreadPoolDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
PrivateThreadPoolDataset.Inputs - Class in org.tensorflow.op.data
 
probs - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The probs input
probs - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
The probability of success for the binomial distribution.
processingMode - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The processingMode input
prod(Operand<T>, Operand<? extends TNumber>, Prod.Options...) - Method in class org.tensorflow.op.Ops
Computes the product of elements across dimensions of a tensor.
Prod<T extends TType> - Class in org.tensorflow.op.core
Computes the product of elements across dimensions of a tensor.
Prod(Operation) - Constructor for class org.tensorflow.op.core.Prod
 
Prod.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Prod.Options - Class in org.tensorflow.op.core
Optional attributes for Prod
product() - Method in class org.tensorflow.op.linalg.Cross
Gets product.
product() - Method in class org.tensorflow.op.linalg.MatMul
Gets product.
product() - Method in class org.tensorflow.op.sparse.SparseMatMul
Gets product.
product() - Method in class org.tensorflow.op.sparse.SparseTensorDenseMatMul
Gets product.
program() - Method in class org.tensorflow.op.tpu.Compile
Gets program.
programKey - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The programKey input
programKey - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The programKey input
programKey - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The programKey input
progressive - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
If True, create a JPEG that loads progressively (coarse to fine).
progressive(Boolean) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the progressive option.
progressive(Boolean) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the progressive option.
protocol - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The protocol input
protocol - Variable in class org.tensorflow.op.data.RegisterDataset.Inputs
The protocol input
protoKeys() - Method in class org.tensorflow.op.tpu.TpuHandleToProtoKey
Gets protoKeys.
pseudoRandom - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
When set to True, generates the pooling sequence in a pseudorandom fashion, otherwise, in a random fashion.
pseudoRandom - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
When set to True, generates the pooling sequence in a pseudorandom fashion, otherwise, in a random fashion.
pseudoRandom(Boolean) - Method in class org.tensorflow.op.nn.FractionalAvgPool.Options
Sets the pseudoRandom option.
pseudoRandom(Boolean) - Static method in class org.tensorflow.op.nn.FractionalAvgPool
Sets the pseudoRandom option.
pseudoRandom(Boolean) - Method in class org.tensorflow.op.nn.FractionalMaxPool.Options
Sets the pseudoRandom option.
pseudoRandom(Boolean) - Static method in class org.tensorflow.op.nn.FractionalMaxPool
Sets the pseudoRandom option.

Q

q - Variable in class org.tensorflow.op.math.Zeta.Inputs
The q input
q() - Method in class org.tensorflow.op.linalg.Qr
Gets q.
qr(Operand<T>, Qr.Options...) - Method in class org.tensorflow.op.LinalgOps
Computes the QR decompositions of one or more matrices.
Qr<T extends TType> - Class in org.tensorflow.op.linalg
Computes the QR decompositions of one or more matrices.
Qr(Operation) - Constructor for class org.tensorflow.op.linalg.Qr
 
Qr.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
Qr.Options - Class in org.tensorflow.op.linalg
Optional attributes for Qr
quality - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
Quality of the compression from 0 to 100 (higher is better and slower).
quality - Variable in class org.tensorflow.op.image.EncodeJpegVariableQuality.Inputs
An int quality to encode to.
quality(Long) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the quality option.
quality(Long) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the quality option.
quantization - Variable in class org.tensorflow.op.Ops
 
quantizationAxis - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
quantizationAxis - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
quantizationAxis - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
quantizationAxis(Long) - Method in class org.tensorflow.op.core.UniformQuantizedClipByValue.Options
Sets the quantizationAxis option.
quantizationAxis(Long) - Static method in class org.tensorflow.op.core.UniformQuantizedClipByValue
Sets the quantizationAxis option.
quantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformDequantize.Options
Sets the quantizationAxis option.
quantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformDequantize
Sets the quantizationAxis option.
quantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformQuantize.Options
Sets the quantizationAxis option.
quantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformQuantize
Sets the quantizationAxis option.
quantizationConfigHigh - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The quantizationConfigHigh attribute
quantizationConfigLow - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The quantizationConfigLow attribute
quantizationConfigNumBuckets - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The quantizationConfigNumBuckets attribute
quantizationMaxVal - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
The quantization max value that was used when operand was quantized.
quantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
The quantization max value that was used when input was quantized.
quantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
The quantization max value to quantize input.
quantizationMinVal - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
The quantization min value that was used when operand was quantized.
quantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
The quantization min value that was used when input was quantized.
quantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
The quantization min value to quantize input.
QuantizationOps - Class in org.tensorflow.op
An API for building quantization operations as Ops
quantize(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<T>, Quantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
Quantize the 'input' tensor of type float to 'output' tensor of type 'T'.
Quantize<T extends TNumber> - Class in org.tensorflow.op.quantization
Quantize the 'input' tensor of type float to 'output' tensor of type 'T'.
Quantize(Operation) - Constructor for class org.tensorflow.op.quantization.Quantize
 
Quantize.Inputs - Class in org.tensorflow.op.quantization
 
Quantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for Quantize
quantizeAndDequantize(Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, QuantizeAndDequantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
Quantizes then dequantizes a tensor.
QuantizeAndDequantize<T extends TNumber> - Class in org.tensorflow.op.quantization
Quantizes then dequantizes a tensor.
QuantizeAndDequantize(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantize
 
QuantizeAndDequantize.Inputs<T extends TNumber> - Class in org.tensorflow.op.quantization
 
QuantizeAndDequantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for QuantizeAndDequantize
quantizeAndDequantizeV3(Operand<T>, Operand<T>, Operand<T>, Operand<TInt32>, QuantizeAndDequantizeV3.Options...) - Method in class org.tensorflow.op.QuantizationOps
Quantizes then dequantizes a tensor.
QuantizeAndDequantizeV3<T extends TNumber> - Class in org.tensorflow.op.quantization
Quantizes then dequantizes a tensor.
QuantizeAndDequantizeV3(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
 
QuantizeAndDequantizeV3.Inputs<T extends TNumber> - Class in org.tensorflow.op.quantization
 
QuantizeAndDequantizeV3.Options - Class in org.tensorflow.op.quantization
Optional attributes for QuantizeAndDequantizeV3
quantizeAndDequantizeV4(Operand<T>, Operand<T>, Operand<T>, QuantizeAndDequantizeV4.Options...) - Method in class org.tensorflow.op.QuantizationOps
Quantizes then dequantizes a tensor.
QuantizeAndDequantizeV4<T extends TNumber> - Class in org.tensorflow.op.quantization
Quantizes then dequantizes a tensor.
QuantizeAndDequantizeV4(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
 
QuantizeAndDequantizeV4.Inputs<T extends TNumber> - Class in org.tensorflow.op.quantization
 
QuantizeAndDequantizeV4.Options - Class in org.tensorflow.op.quantization
Optional attributes for QuantizeAndDequantizeV4
quantizeAndDequantizeV4Grad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, QuantizeAndDequantizeV4Grad.Options...) - Method in class org.tensorflow.op.QuantizationOps
Returns the gradient of QuantizeAndDequantizeV4.
QuantizeAndDequantizeV4Grad<T extends TNumber> - Class in org.tensorflow.op.quantization
Returns the gradient of QuantizeAndDequantizeV4.
QuantizeAndDequantizeV4Grad(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad
 
QuantizeAndDequantizeV4Grad.Inputs<T extends TNumber> - Class in org.tensorflow.op.quantization
 
QuantizeAndDequantizeV4Grad.Options - Class in org.tensorflow.op.quantization
Optional attributes for QuantizeAndDequantizeV4Grad
quantizedAdd(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>) - Method in class org.tensorflow.op.MathOps
Returns x + y element-wise, working on quantized buffers.
QuantizedAdd<V extends TNumber> - Class in org.tensorflow.op.math
Returns x + y element-wise, working on quantized buffers.
QuantizedAdd(Operation) - Constructor for class org.tensorflow.op.math.QuantizedAdd
 
QuantizedAdd.Inputs - Class in org.tensorflow.op.math
 
quantizedAvgPool(Operand<T>, Operand<TFloat32>, Operand<TFloat32>, List<Long>, List<Long>, String) - Method in class org.tensorflow.op.NnOps
Produces the average pool of the input tensor for quantized types.
QuantizedAvgPool<T extends TNumber> - Class in org.tensorflow.op.nn
Produces the average pool of the input tensor for quantized types.
QuantizedAvgPool(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedAvgPool
 
QuantizedAvgPool.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
quantizedBatchNormWithGlobalNormalization(Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Class<U>, Float, Boolean) - Method in class org.tensorflow.op.NnOps
Quantized Batch normalization.
QuantizedBatchNormWithGlobalNormalization<U extends TNumber> - Class in org.tensorflow.op.nn
Quantized Batch normalization.
QuantizedBatchNormWithGlobalNormalization(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization
 
QuantizedBatchNormWithGlobalNormalization.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
quantizedBiasAdd(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>) - Method in class org.tensorflow.op.NnOps
Adds Tensor 'bias' to Tensor 'input' for Quantized types.
QuantizedBiasAdd<V extends TNumber> - Class in org.tensorflow.op.nn
Adds Tensor 'bias' to Tensor 'input' for Quantized types.
QuantizedBiasAdd(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedBiasAdd
 
QuantizedBiasAdd.Inputs - Class in org.tensorflow.op.nn
 
quantizedConcat(Operand<TInt32>, Iterable<Operand<T>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>) - Method in class org.tensorflow.op.QuantizationOps
Concatenates quantized tensors along one dimension.
QuantizedConcat<T extends TType> - Class in org.tensorflow.op.quantization
Concatenates quantized tensors along one dimension.
QuantizedConcat(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizedConcat
 
QuantizedConcat.Inputs<T extends TType> - Class in org.tensorflow.op.quantization
 
quantizedConv2d(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2d.Options...) - Method in class org.tensorflow.op.NnOps
Computes a 2D convolution given quantized 4D input and filter tensors.
QuantizedConv2d<V extends TNumber> - Class in org.tensorflow.op.nn
Computes a 2D convolution given quantized 4D input and filter tensors.
QuantizedConv2d(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2d
 
QuantizedConv2d.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2d.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2d
quantizedConv2DAndRelu(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DAndRelu.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DAndRelu operation
QuantizedConv2DAndRelu<V extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DAndRelu operation
QuantizedConv2DAndRelu(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DAndRelu
 
QuantizedConv2DAndRelu.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DAndRelu.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DAndRelu
quantizedConv2DAndReluAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DAndReluAndRequantize.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DAndReluAndRequantize operation
QuantizedConv2DAndReluAndRequantize<V extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DAndReluAndRequantize operation
QuantizedConv2DAndReluAndRequantize(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize
 
QuantizedConv2DAndReluAndRequantize.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DAndReluAndRequantize.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DAndReluAndRequantize
quantizedConv2DAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DAndRequantize.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DAndRequantize operation
QuantizedConv2DAndRequantize<V extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DAndRequantize operation
QuantizedConv2DAndRequantize(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DAndRequantize
 
QuantizedConv2DAndRequantize.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DAndRequantize.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DAndRequantize
quantizedConv2DPerChannel(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DPerChannel.Options...) - Method in class org.tensorflow.op.NnOps
Computes QuantizedConv2D per channel.
QuantizedConv2DPerChannel<V extends TNumber> - Class in org.tensorflow.op.nn
Computes QuantizedConv2D per channel.
QuantizedConv2DPerChannel(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DPerChannel
 
QuantizedConv2DPerChannel.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DPerChannel.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DPerChannel
quantizedConv2DWithBias(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DWithBias.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DWithBias operation
QuantizedConv2DWithBias<V extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DWithBias operation
QuantizedConv2DWithBias(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBias
 
QuantizedConv2DWithBias.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DWithBias.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DWithBias
quantizedConv2DWithBiasAndRelu(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DWithBiasAndRelu.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DWithBiasAndRelu operation
QuantizedConv2DWithBiasAndRelu<V extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DWithBiasAndRelu operation
QuantizedConv2DWithBiasAndRelu(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu
 
QuantizedConv2DWithBiasAndRelu.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DWithBiasAndRelu.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DWithBiasAndRelu
quantizedConv2DWithBiasAndReluAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, List<Long>, String, QuantizedConv2DWithBiasAndReluAndRequantize.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DWithBiasAndReluAndRequantize operation
QuantizedConv2DWithBiasAndReluAndRequantize<W extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DWithBiasAndReluAndRequantize operation
QuantizedConv2DWithBiasAndReluAndRequantize(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize
 
QuantizedConv2DWithBiasAndReluAndRequantize.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DWithBiasAndReluAndRequantize.Options - Class in org.tensorflow.op.nn
quantizedConv2DWithBiasAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, List<Long>, String, QuantizedConv2DWithBiasAndRequantize.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DWithBiasAndRequantize operation
QuantizedConv2DWithBiasAndRequantize<W extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DWithBiasAndRequantize operation
QuantizedConv2DWithBiasAndRequantize(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize
 
QuantizedConv2DWithBiasAndRequantize.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DWithBiasAndRequantize.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DWithBiasAndRequantize
quantizedConv2DWithBiasSignedSumAndReluAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<X>, List<Long>, String, QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DWithBiasSignedSumAndReluAndRequantize operation
QuantizedConv2DWithBiasSignedSumAndReluAndRequantize<X extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DWithBiasSignedSumAndReluAndRequantize operation
QuantizedConv2DWithBiasSignedSumAndReluAndRequantize(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize
 
QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Options - Class in org.tensorflow.op.nn
quantizedConv2DWithBiasSumAndRelu(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedConv2DWithBiasSumAndRelu.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DWithBiasSumAndRelu operation
QuantizedConv2DWithBiasSumAndRelu<V extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DWithBiasSumAndRelu operation
QuantizedConv2DWithBiasSumAndRelu(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu
 
QuantizedConv2DWithBiasSumAndRelu.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DWithBiasSumAndRelu.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedConv2DWithBiasSumAndRelu
quantizedConv2DWithBiasSumAndReluAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<X>, List<Long>, String, QuantizedConv2DWithBiasSumAndReluAndRequantize.Options...) - Method in class org.tensorflow.op.NnOps
The QuantizedConv2DWithBiasSumAndReluAndRequantize operation
QuantizedConv2DWithBiasSumAndReluAndRequantize<X extends TNumber> - Class in org.tensorflow.op.nn
The QuantizedConv2DWithBiasSumAndReluAndRequantize operation
QuantizedConv2DWithBiasSumAndReluAndRequantize(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize
 
QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs - Class in org.tensorflow.op.nn
 
QuantizedConv2DWithBiasSumAndReluAndRequantize.Options - Class in org.tensorflow.op.nn
quantizedDepthwiseConv2D(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedDepthwiseConv2D.Options...) - Method in class org.tensorflow.op.NnOps
Computes quantized depthwise Conv2D.
QuantizedDepthwiseConv2D<V extends TNumber> - Class in org.tensorflow.op.nn
Computes quantized depthwise Conv2D.
QuantizedDepthwiseConv2D(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2D
 
QuantizedDepthwiseConv2D.Inputs - Class in org.tensorflow.op.nn
 
QuantizedDepthwiseConv2D.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedDepthwiseConv2D
quantizedDepthwiseConv2DWithBias(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedDepthwiseConv2DWithBias.Options...) - Method in class org.tensorflow.op.NnOps
Computes quantized depthwise Conv2D with Bias.
QuantizedDepthwiseConv2DWithBias<V extends TNumber> - Class in org.tensorflow.op.nn
Computes quantized depthwise Conv2D with Bias.
QuantizedDepthwiseConv2DWithBias(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias
 
QuantizedDepthwiseConv2DWithBias.Inputs - Class in org.tensorflow.op.nn
 
QuantizedDepthwiseConv2DWithBias.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedDepthwiseConv2DWithBias
quantizedDepthwiseConv2DWithBiasAndRelu(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, List<Long>, String, QuantizedDepthwiseConv2DWithBiasAndRelu.Options...) - Method in class org.tensorflow.op.NnOps
Computes quantized depthwise Conv2D with Bias and Relu.
QuantizedDepthwiseConv2DWithBiasAndRelu<V extends TNumber> - Class in org.tensorflow.op.nn
Computes quantized depthwise Conv2D with Bias and Relu.
QuantizedDepthwiseConv2DWithBiasAndRelu(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu
 
QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs - Class in org.tensorflow.op.nn
 
QuantizedDepthwiseConv2DWithBiasAndRelu.Options - Class in org.tensorflow.op.nn
quantizedDepthwiseConv2DWithBiasAndReluAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, List<Long>, String, QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Options...) - Method in class org.tensorflow.op.NnOps
Computes quantized depthwise Conv2D with Bias, Relu and Requantize.
QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize<W extends TNumber> - Class in org.tensorflow.op.nn
Computes quantized depthwise Conv2D with Bias, Relu and Requantize.
QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize
 
QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs - Class in org.tensorflow.op.nn
 
QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Options - Class in org.tensorflow.op.nn
quantizedInstanceNorm(Operand<T>, Operand<TFloat32>, Operand<TFloat32>, QuantizedInstanceNorm.Options...) - Method in class org.tensorflow.op.NnOps
Quantized Instance normalization.
QuantizedInstanceNorm<T extends TNumber> - Class in org.tensorflow.op.nn
Quantized Instance normalization.
QuantizedInstanceNorm(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedInstanceNorm
 
QuantizedInstanceNorm.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
QuantizedInstanceNorm.Options - Class in org.tensorflow.op.nn
Optional attributes for QuantizedInstanceNorm
quantizedMatMul(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, Class<W>, QuantizedMatMul.Options...) - Method in class org.tensorflow.op.LinalgOps
Perform a quantized matrix multiplication of a by the matrix b.
QuantizedMatMul<V extends TNumber> - Class in org.tensorflow.op.linalg
Perform a quantized matrix multiplication of a by the matrix b.
QuantizedMatMul(Operation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMul
 
QuantizedMatMul.Inputs - Class in org.tensorflow.op.linalg
 
QuantizedMatMul.Options - Class in org.tensorflow.op.linalg
Optional attributes for QuantizedMatMul
quantizedMatMulWithBias(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBias.Options...) - Method in class org.tensorflow.op.LinalgOps
Performs a quantized matrix multiplication of a by the matrix b with bias add.
QuantizedMatMulWithBias<W extends TNumber> - Class in org.tensorflow.op.linalg
Performs a quantized matrix multiplication of a by the matrix b with bias add.
QuantizedMatMulWithBias(Operation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMulWithBias
 
QuantizedMatMulWithBias.Inputs - Class in org.tensorflow.op.linalg
 
QuantizedMatMulWithBias.Options - Class in org.tensorflow.op.linalg
Optional attributes for QuantizedMatMulWithBias
quantizedMatMulWithBiasAndDequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBiasAndDequantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
The QuantizedMatMulWithBiasAndDequantize operation
QuantizedMatMulWithBiasAndDequantize<W extends TNumber> - Class in org.tensorflow.op.quantization
The QuantizedMatMulWithBiasAndDequantize operation
QuantizedMatMulWithBiasAndDequantize(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
 
QuantizedMatMulWithBiasAndDequantize.Inputs - Class in org.tensorflow.op.quantization
 
QuantizedMatMulWithBiasAndDequantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for QuantizedMatMulWithBiasAndDequantize
quantizedMatMulWithBiasAndRelu(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>, QuantizedMatMulWithBiasAndRelu.Options...) - Method in class org.tensorflow.op.LinalgOps
Perform a quantized matrix multiplication of a by the matrix b with bias add and relu fusion.
QuantizedMatMulWithBiasAndRelu<V extends TNumber> - Class in org.tensorflow.op.linalg
Perform a quantized matrix multiplication of a by the matrix b with bias add and relu fusion.
QuantizedMatMulWithBiasAndRelu(Operation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
 
QuantizedMatMulWithBiasAndRelu.Inputs - Class in org.tensorflow.op.linalg
 
QuantizedMatMulWithBiasAndRelu.Options - Class in org.tensorflow.op.linalg
Optional attributes for QuantizedMatMulWithBiasAndRelu
quantizedMatMulWithBiasAndReluAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBiasAndReluAndRequantize.Options...) - Method in class org.tensorflow.op.LinalgOps
Perform a quantized matrix multiplication of a by the matrix b with bias add and relu and requantize fusion.
QuantizedMatMulWithBiasAndReluAndRequantize<W extends TNumber> - Class in org.tensorflow.op.linalg
Perform a quantized matrix multiplication of a by the matrix b with bias add and relu and requantize fusion.
QuantizedMatMulWithBiasAndReluAndRequantize(Operation) - Constructor for class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
 
QuantizedMatMulWithBiasAndReluAndRequantize.Inputs - Class in org.tensorflow.op.linalg
 
QuantizedMatMulWithBiasAndReluAndRequantize.Options - Class in org.tensorflow.op.linalg
quantizedMatMulWithBiasAndRequantize(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<W>, QuantizedMatMulWithBiasAndRequantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
The QuantizedMatMulWithBiasAndRequantize operation
QuantizedMatMulWithBiasAndRequantize<W extends TNumber> - Class in org.tensorflow.op.quantization
The QuantizedMatMulWithBiasAndRequantize operation
QuantizedMatMulWithBiasAndRequantize(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
 
QuantizedMatMulWithBiasAndRequantize.Inputs - Class in org.tensorflow.op.quantization
 
QuantizedMatMulWithBiasAndRequantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for QuantizedMatMulWithBiasAndRequantize
quantizedMaxPool(Operand<T>, Operand<TFloat32>, Operand<TFloat32>, List<Long>, List<Long>, String) - Method in class org.tensorflow.op.NnOps
Produces the max pool of the input tensor for quantized types.
QuantizedMaxPool<T extends TNumber> - Class in org.tensorflow.op.nn
Produces the max pool of the input tensor for quantized types.
QuantizedMaxPool(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedMaxPool
 
QuantizedMaxPool.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
quantizedMul(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<V>) - Method in class org.tensorflow.op.MathOps
Returns x * y element-wise, working on quantized buffers.
QuantizedMul<V extends TNumber> - Class in org.tensorflow.op.math
Returns x * y element-wise, working on quantized buffers.
QuantizedMul(Operation) - Constructor for class org.tensorflow.op.math.QuantizedMul
 
QuantizedMul.Inputs - Class in org.tensorflow.op.math
 
quantizeDownAndShrinkRange(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Method in class org.tensorflow.op.QuantizationOps
Convert the quantized 'input' tensor into a lower-precision 'output', using the actual distribution of the values to maximize the usage of the lower bit depth and adjusting the output min and max ranges accordingly.
QuantizeDownAndShrinkRange<U extends TNumber> - Class in org.tensorflow.op.quantization
Convert the quantized 'input' tensor into a lower-precision 'output', using the actual distribution of the values to maximize the usage of the lower bit depth and adjusting the output min and max ranges accordingly.
QuantizeDownAndShrinkRange(Operation) - Constructor for class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange
 
QuantizeDownAndShrinkRange.Inputs - Class in org.tensorflow.op.quantization
 
quantizedRelu(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Method in class org.tensorflow.op.NnOps
Computes Quantized Rectified Linear: max(features, 0)
QuantizedRelu<U extends TNumber> - Class in org.tensorflow.op.nn
Computes Quantized Rectified Linear: max(features, 0)
QuantizedRelu(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedRelu
 
QuantizedRelu.Inputs - Class in org.tensorflow.op.nn
 
quantizedRelu6(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Method in class org.tensorflow.op.NnOps
Computes Quantized Rectified Linear 6: min(max(features, 0), 6)
QuantizedRelu6<U extends TNumber> - Class in org.tensorflow.op.nn
Computes Quantized Rectified Linear 6: min(max(features, 0), 6)
QuantizedRelu6(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedRelu6
 
QuantizedRelu6.Inputs - Class in org.tensorflow.op.nn
 
quantizedReluX(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Method in class org.tensorflow.op.NnOps
Computes Quantized Rectified Linear X: min(max(features, 0), max_value)
QuantizedReluX<U extends TNumber> - Class in org.tensorflow.op.nn
Computes Quantized Rectified Linear X: min(max(features, 0), max_value)
QuantizedReluX(Operation) - Constructor for class org.tensorflow.op.nn.QuantizedReluX
 
QuantizedReluX.Inputs - Class in org.tensorflow.op.nn
 
quantizedReshape(Operand<T>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>) - Method in class org.tensorflow.op.Ops
Reshapes a quantized tensor as per the Reshape op.
QuantizedReshape<T extends TType> - Class in org.tensorflow.op.core
Reshapes a quantized tensor as per the Reshape op.
QuantizedReshape(Operation) - Constructor for class org.tensorflow.op.core.QuantizedReshape
 
QuantizedReshape.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
quantizedResizeBilinear(Operand<T>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, QuantizedResizeBilinear.Options...) - Method in class org.tensorflow.op.ImageOps
Resize quantized images to size using quantized bilinear interpolation.
QuantizedResizeBilinear<T extends TNumber> - Class in org.tensorflow.op.image
Resize quantized images to size using quantized bilinear interpolation.
QuantizedResizeBilinear(Operation) - Constructor for class org.tensorflow.op.image.QuantizedResizeBilinear
 
QuantizedResizeBilinear.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
QuantizedResizeBilinear.Options - Class in org.tensorflow.op.image
Optional attributes for QuantizedResizeBilinear
query - Variable in class org.tensorflow.op.data.experimental.SqlDataset.Inputs
A SQL query to execute.
query - Variable in class org.tensorflow.op.data.SqlDataset.Inputs
A SQL query to execute.
queueClose(Operand<? extends TType>, QueueClose.Options...) - Method in class org.tensorflow.op.IoOps
Closes the given queue.
QueueClose - Class in org.tensorflow.op.io
Closes the given queue.
QueueClose(Operation) - Constructor for class org.tensorflow.op.io.QueueClose
 
QueueClose.Inputs - Class in org.tensorflow.op.io
 
QueueClose.Options - Class in org.tensorflow.op.io
Optional attributes for QueueClose
queueDequeue(Operand<? extends TType>, List<Class<? extends TType>>, QueueDequeue.Options...) - Method in class org.tensorflow.op.IoOps
Dequeues a tuple of one or more tensors from the given queue.
QueueDequeue - Class in org.tensorflow.op.io
Dequeues a tuple of one or more tensors from the given queue.
QueueDequeue(Operation) - Constructor for class org.tensorflow.op.io.QueueDequeue
 
QueueDequeue.Inputs - Class in org.tensorflow.op.io
 
QueueDequeue.Options - Class in org.tensorflow.op.io
Optional attributes for QueueDequeue
queueDequeueMany(Operand<? extends TType>, Operand<TInt32>, List<Class<? extends TType>>, QueueDequeueMany.Options...) - Method in class org.tensorflow.op.IoOps
Dequeues n tuples of one or more tensors from the given queue.
QueueDequeueMany - Class in org.tensorflow.op.io
Dequeues n tuples of one or more tensors from the given queue.
QueueDequeueMany(Operation) - Constructor for class org.tensorflow.op.io.QueueDequeueMany
 
QueueDequeueMany.Inputs - Class in org.tensorflow.op.io
 
QueueDequeueMany.Options - Class in org.tensorflow.op.io
Optional attributes for QueueDequeueMany
queueDequeueUpTo(Operand<? extends TType>, Operand<TInt32>, List<Class<? extends TType>>, QueueDequeueUpTo.Options...) - Method in class org.tensorflow.op.IoOps
Dequeues n tuples of one or more tensors from the given queue.
QueueDequeueUpTo - Class in org.tensorflow.op.io
Dequeues n tuples of one or more tensors from the given queue.
QueueDequeueUpTo(Operation) - Constructor for class org.tensorflow.op.io.QueueDequeueUpTo
 
QueueDequeueUpTo.Inputs - Class in org.tensorflow.op.io
 
QueueDequeueUpTo.Options - Class in org.tensorflow.op.io
Optional attributes for QueueDequeueUpTo
queueEnqueue(Operand<? extends TType>, Iterable<Operand<?>>, QueueEnqueue.Options...) - Method in class org.tensorflow.op.IoOps
Enqueues a tuple of one or more tensors in the given queue.
QueueEnqueue - Class in org.tensorflow.op.io
Enqueues a tuple of one or more tensors in the given queue.
QueueEnqueue(Operation) - Constructor for class org.tensorflow.op.io.QueueEnqueue
 
QueueEnqueue.Inputs - Class in org.tensorflow.op.io
 
QueueEnqueue.Options - Class in org.tensorflow.op.io
Optional attributes for QueueEnqueue
queueEnqueueMany(Operand<? extends TType>, Iterable<Operand<?>>, QueueEnqueueMany.Options...) - Method in class org.tensorflow.op.IoOps
Enqueues zero or more tuples of one or more tensors in the given queue.
QueueEnqueueMany - Class in org.tensorflow.op.io
Enqueues zero or more tuples of one or more tensors in the given queue.
QueueEnqueueMany(Operation) - Constructor for class org.tensorflow.op.io.QueueEnqueueMany
 
QueueEnqueueMany.Inputs - Class in org.tensorflow.op.io
 
QueueEnqueueMany.Options - Class in org.tensorflow.op.io
Optional attributes for QueueEnqueueMany
queueHandle - Variable in class org.tensorflow.op.io.ReaderRead.Inputs
Handle to a Queue, with string work items.
queueHandle - Variable in class org.tensorflow.op.io.ReaderReadUpTo.Inputs
Handle to a Queue, with string work items.
queueIsClosed(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Returns true if queue is closed.
QueueIsClosed - Class in org.tensorflow.op.io
Returns true if queue is closed.
QueueIsClosed(Operation) - Constructor for class org.tensorflow.op.io.QueueIsClosed
 
QueueIsClosed.Inputs - Class in org.tensorflow.op.io
 
queueSize(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Computes the number of elements in the given queue.
QueueSize - Class in org.tensorflow.op.io
Computes the number of elements in the given queue.
QueueSize(Operation) - Constructor for class org.tensorflow.op.io.QueueSize
 
QueueSize.Inputs - Class in org.tensorflow.op.io
 

R

r - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The r input
r() - Method in class org.tensorflow.op.linalg.Qr
Gets r.
r() - Method in class org.tensorflow.op.nn.GRUBlockCell
Gets r.
R - Variable in class org.tensorflow.op.random.RandomPoisson.Inputs
The R attribute
r0() - Method in class org.tensorflow.op.core.BroadcastDynamicShape
Gets r0.
r0() - Method in class org.tensorflow.op.core.BroadcastGradientArgs
Gets r0.
r1() - Method in class org.tensorflow.op.core.BroadcastGradientArgs
Gets r1.
ragged - Variable in class org.tensorflow.op.Ops
 
raggedBincount(Operand<TInt64>, Operand<T>, Operand<T>, Operand<U>, RaggedBincount.Options...) - Method in class org.tensorflow.op.RaggedOps
Counts the number of occurrences of each value in an integer array.
RaggedBincount<U extends TNumber> - Class in org.tensorflow.op.ragged
Counts the number of occurrences of each value in an integer array.
RaggedBincount(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedBincount
 
RaggedBincount.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.ragged
 
RaggedBincount.Options - Class in org.tensorflow.op.ragged
Optional attributes for RaggedBincount
raggedCountSparseOutput(Operand<TInt64>, Operand<? extends TNumber>, Operand<U>, Boolean, RaggedCountSparseOutput.Options...) - Method in class org.tensorflow.op.RaggedOps
Performs sparse-output bin counting for a ragged tensor input.
RaggedCountSparseOutput<U extends TNumber> - Class in org.tensorflow.op.ragged
Performs sparse-output bin counting for a ragged tensor input.
RaggedCountSparseOutput(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedCountSparseOutput
 
RaggedCountSparseOutput.Inputs<U extends TNumber> - Class in org.tensorflow.op.ragged
 
RaggedCountSparseOutput.Options - Class in org.tensorflow.op.ragged
Optional attributes for RaggedCountSparseOutput
raggedCross(Iterable<Operand<?>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, String, Boolean, Long, Long, Class<T>, Class<U>) - Method in class org.tensorflow.op.RaggedOps
Generates a feature cross from a list of tensors, and returns it as a RaggedTensor.
RaggedCross<T extends TType,U extends TNumber> - Class in org.tensorflow.op.ragged
Generates a feature cross from a list of tensors, and returns it as a RaggedTensor.
RaggedCross(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedCross
 
RaggedCross.Inputs - Class in org.tensorflow.op.ragged
 
raggedFillEmptyRows(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Method in class org.tensorflow.op.RaggedOps
The RaggedFillEmptyRows operation
RaggedFillEmptyRows<T extends TType> - Class in org.tensorflow.op.ragged
The RaggedFillEmptyRows operation
RaggedFillEmptyRows(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedFillEmptyRows
 
RaggedFillEmptyRows.Inputs<T extends TType> - Class in org.tensorflow.op.ragged
 
raggedFillEmptyRowsGrad(Operand<TInt64>, Operand<T>) - Method in class org.tensorflow.op.RaggedOps
The RaggedFillEmptyRowsGrad operation
RaggedFillEmptyRowsGrad<T extends TType> - Class in org.tensorflow.op.ragged
The RaggedFillEmptyRowsGrad operation
RaggedFillEmptyRowsGrad(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad
 
RaggedFillEmptyRowsGrad.Inputs<T extends TType> - Class in org.tensorflow.op.ragged
 
raggedGather(Iterable<Operand<T>>, Operand<U>, Operand<? extends TNumber>, Long) - Method in class org.tensorflow.op.RaggedOps
Gather ragged slices from params axis 0 according to indices.
RaggedGather<T extends TNumber,U extends TType> - Class in org.tensorflow.op.ragged
Gather ragged slices from params axis 0 according to indices.
RaggedGather(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedGather
 
RaggedGather.Inputs<T extends TNumber,U extends TType> - Class in org.tensorflow.op.ragged
 
raggedKeys - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
The raggedKeys attribute
raggedKeys - Variable in class org.tensorflow.op.io.ParseExample.Inputs
Vector of strings.
raggedKeys(String...) - Method in class org.tensorflow.op.data.ParseExampleDataset.Options
Sets the raggedKeys option.
raggedKeys(String...) - Static method in class org.tensorflow.op.data.ParseExampleDataset
Sets the raggedKeys option.
raggedKeys(List<String>) - Method in class org.tensorflow.op.data.ParseExampleDataset.Options
Sets the raggedKeys option.
raggedKeys(List<String>) - Static method in class org.tensorflow.op.data.ParseExampleDataset
Sets the raggedKeys option.
RaggedOps - Class in org.tensorflow.op
An API for building ragged operations as Ops
raggedRange(Operand<T>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.RaggedOps
Returns a RaggedTensor containing the specified sequences of numbers.
raggedRange(Operand<T>, Operand<T>, Operand<T>, Class<U>) - Method in class org.tensorflow.op.RaggedOps
Returns a RaggedTensor containing the specified sequences of numbers.
RaggedRange<U extends TNumber,T extends TNumber> - Class in org.tensorflow.op.ragged
Returns a RaggedTensor containing the specified sequences of numbers.
RaggedRange(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedRange
 
RaggedRange.Inputs<T extends TNumber> - Class in org.tensorflow.op.ragged
 
raggedRowSplits - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The row_splits tensor for each RaggedTensor input.
raggedRowSplits() - Method in class org.tensorflow.op.io.ParseExample
Gets raggedRowSplits.
raggedSplitsTypes - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The raggedSplitsTypes attribute
raggedSplitTypes - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
The raggedSplitTypes attribute
raggedSplitTypes - Variable in class org.tensorflow.op.io.ParseExample.Inputs
A list of num_ragged types; the data types of row_splits in each Feature given in ragged_keys (where num_ragged = sparse_keys.size()).
raggedTensorFromVariant(Operand<? extends TType>, Long, Long, Class<U>) - Method in class org.tensorflow.op.RaggedOps
Decodes a variant Tensor into a RaggedTensor.
raggedTensorFromVariant(Operand<? extends TType>, Long, Long, Class<U>, Class<T>) - Method in class org.tensorflow.op.RaggedOps
Decodes a variant Tensor into a RaggedTensor.
RaggedTensorFromVariant<T extends TNumber,U extends TType> - Class in org.tensorflow.op.ragged
Decodes a variant Tensor into a RaggedTensor.
RaggedTensorFromVariant(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorFromVariant
 
RaggedTensorFromVariant.Inputs - Class in org.tensorflow.op.ragged
 
raggedTensorToSparse(Iterable<Operand<? extends TNumber>>, Operand<U>) - Method in class org.tensorflow.op.RaggedOps
Converts a RaggedTensor into a SparseTensor with the same values.
RaggedTensorToSparse<U extends TType> - Class in org.tensorflow.op.ragged
Converts a RaggedTensor into a SparseTensor with the same values.
RaggedTensorToSparse(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToSparse
 
RaggedTensorToSparse.Inputs<U extends TType> - Class in org.tensorflow.op.ragged
 
raggedTensorToTensor(Operand<? extends TNumber>, Operand<U>, Operand<U>, Iterable<Operand<? extends TNumber>>, List<String>) - Method in class org.tensorflow.op.RaggedOps
Create a dense tensor from a ragged tensor, possibly altering its shape.
RaggedTensorToTensor<U extends TType> - Class in org.tensorflow.op.ragged
Create a dense tensor from a ragged tensor, possibly altering its shape.
RaggedTensorToTensor(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToTensor
 
RaggedTensorToTensor.Inputs<U extends TType> - Class in org.tensorflow.op.ragged
 
raggedTensorToVariant(Iterable<Operand<? extends TNumber>>, Operand<? extends TType>, Boolean) - Method in class org.tensorflow.op.RaggedOps
Encodes a RaggedTensor into a variant Tensor.
RaggedTensorToVariant - Class in org.tensorflow.op.ragged
Encodes a RaggedTensor into a variant Tensor.
RaggedTensorToVariant(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToVariant
 
RaggedTensorToVariant.Inputs - Class in org.tensorflow.op.ragged
 
raggedTensorToVariantGradient(Operand<? extends TType>, Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.RaggedOps
Helper used to compute the gradient for RaggedTensorToVariant.
RaggedTensorToVariantGradient<U extends TType> - Class in org.tensorflow.op.ragged
Helper used to compute the gradient for RaggedTensorToVariant.
RaggedTensorToVariantGradient(Operation) - Constructor for class org.tensorflow.op.ragged.RaggedTensorToVariantGradient
 
RaggedTensorToVariantGradient.Inputs - Class in org.tensorflow.op.ragged
 
raggedValues - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The values tensor for each RaggedTensor input.
raggedValues() - Method in class org.tensorflow.op.io.ParseExample
Gets raggedValues.
raggedValuesTypes - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The raggedValuesTypes attribute
raggedValueTypes - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
The raggedValueTypes attribute
raggedValueTypes - Variable in class org.tensorflow.op.io.ParseExample.Inputs
A list of num_ragged types; the data types of data in each Feature given in ragged_keys (where num_ragged = sparse_keys.size()).
ramBudget - Variable in class org.tensorflow.op.data.ModelDataset.Inputs
The ramBudget attribute
ramBudget(Long) - Method in class org.tensorflow.op.data.ModelDataset.Options
Sets the ramBudget option.
ramBudget(Long) - Static method in class org.tensorflow.op.data.ModelDataset
Sets the ramBudget option.
random - Variable in class org.tensorflow.op.Ops
 
randomCrop(Operand<T>, Operand<TInt64>, RandomCrop.Options...) - Method in class org.tensorflow.op.ImageOps
Randomly crop image.
RandomCrop<T extends TNumber> - Class in org.tensorflow.op.image
Randomly crop image.
RandomCrop(Operation) - Constructor for class org.tensorflow.op.image.RandomCrop
 
RandomCrop.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
RandomCrop.Options - Class in org.tensorflow.op.image
Optional attributes for RandomCrop
randomDataset(Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a Dataset that returns pseudorandom numbers.
randomDataset(Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, RandomDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a Dataset that returns pseudorandom numbers.
RandomDataset - Class in org.tensorflow.op.data.experimental
Creates a Dataset that returns pseudorandom numbers.
RandomDataset - Class in org.tensorflow.op.data
Creates a Dataset that returns pseudorandom numbers.
RandomDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.RandomDataset
 
RandomDataset(Operation) - Constructor for class org.tensorflow.op.data.RandomDataset
 
RandomDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
RandomDataset.Inputs - Class in org.tensorflow.op.data
 
RandomDataset.Options - Class in org.tensorflow.op.data
Optional attributes for RandomDataset
RandomExperimentalOps - Class in org.tensorflow.op
An API for building random.experimental operations as Ops
randomGamma(Operand<? extends TNumber>, Operand<U>, RandomGamma.Options...) - Method in class org.tensorflow.op.RandomOps
Outputs random values from the Gamma distribution(s) described by alpha.
RandomGamma<U extends TNumber> - Class in org.tensorflow.op.random
Outputs random values from the Gamma distribution(s) described by alpha.
RandomGamma(Operation) - Constructor for class org.tensorflow.op.random.RandomGamma
 
RandomGamma.Inputs<U extends TNumber> - Class in org.tensorflow.op.random
 
RandomGamma.Options - Class in org.tensorflow.op.random
Optional attributes for RandomGamma
randomGammaGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.RandomOps
Computes the derivative of a Gamma random sample w.r.t.
RandomGammaGrad<T extends TNumber> - Class in org.tensorflow.op.random
Computes the derivative of a Gamma random sample w.r.t.
RandomGammaGrad(Operation) - Constructor for class org.tensorflow.op.random.RandomGammaGrad
 
RandomGammaGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.random
 
randomIndexShuffle(Operand<T>, Operand<? extends TNumber>, Operand<T>, RandomIndexShuffle.Options...) - Method in class org.tensorflow.op.Ops
Outputs the position of value in a permutation of [0, ..., max_index].
RandomIndexShuffle<T extends TNumber> - Class in org.tensorflow.op.core
Outputs the position of value in a permutation of [0, ..., max_index].
RandomIndexShuffle(Operation) - Constructor for class org.tensorflow.op.core.RandomIndexShuffle
 
RandomIndexShuffle.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
RandomIndexShuffle.Options - Class in org.tensorflow.op.core
Optional attributes for RandomIndexShuffle
RandomOps - Class in org.tensorflow.op
An API for building random operations as Ops
randomPoisson(Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>, RandomPoisson.Options...) - Method in class org.tensorflow.op.RandomOps
Outputs random values from the Poisson distribution(s) described by rate.
randomPoisson(Operand<? extends TNumber>, Operand<? extends TNumber>, RandomPoisson.Options[]) - Method in class org.tensorflow.op.RandomOps
Outputs random values from the Poisson distribution(s) described by rate.
RandomPoisson<V extends TNumber> - Class in org.tensorflow.op.random
Outputs random values from the Poisson distribution(s) described by rate.
RandomPoisson(Operation) - Constructor for class org.tensorflow.op.random.RandomPoisson
 
RandomPoisson.Inputs - Class in org.tensorflow.op.random
 
RandomPoisson.Options - Class in org.tensorflow.op.random
Optional attributes for RandomPoisson
randomShuffle(Operand<T>, RandomShuffle.Options...) - Method in class org.tensorflow.op.RandomOps
Randomly shuffles a tensor along its first dimension.
RandomShuffle<T extends TType> - Class in org.tensorflow.op.random
Randomly shuffles a tensor along its first dimension.
RandomShuffle(Operation) - Constructor for class org.tensorflow.op.random.RandomShuffle
 
RandomShuffle.Inputs<T extends TType> - Class in org.tensorflow.op.random
 
RandomShuffle.Options - Class in org.tensorflow.op.random
Optional attributes for RandomShuffle
randomShuffleQueue(List<Class<? extends TType>>, RandomShuffleQueue.Options...) - Method in class org.tensorflow.op.IoOps
A queue that randomizes the order of elements.
RandomShuffleQueue - Class in org.tensorflow.op.io
A queue that randomizes the order of elements.
RandomShuffleQueue(Operation) - Constructor for class org.tensorflow.op.io.RandomShuffleQueue
 
RandomShuffleQueue.Inputs - Class in org.tensorflow.op.io
 
RandomShuffleQueue.Options - Class in org.tensorflow.op.io
Optional attributes for RandomShuffleQueue
randomStandardNormal(Operand<? extends TNumber>, Class<U>, RandomStandardNormal.Options...) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a normal distribution.
RandomStandardNormal<U extends TNumber> - Class in org.tensorflow.op.random
Outputs random values from a normal distribution.
RandomStandardNormal(Operation) - Constructor for class org.tensorflow.op.random.RandomStandardNormal
 
RandomStandardNormal.Inputs - Class in org.tensorflow.op.random
 
RandomStandardNormal.Options - Class in org.tensorflow.op.random
Optional attributes for RandomStandardNormal
randomUniform(Operand<? extends TNumber>, Class<U>, RandomUniform.Options...) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a uniform distribution.
RandomUniform<U extends TNumber> - Class in org.tensorflow.op.random
Outputs random values from a uniform distribution.
RandomUniform(Operation) - Constructor for class org.tensorflow.op.random.RandomUniform
 
RandomUniform.Inputs - Class in org.tensorflow.op.random
 
RandomUniform.Options - Class in org.tensorflow.op.random
Optional attributes for RandomUniform
randomUniformInt(Operand<? extends TNumber>, Operand<U>, Operand<U>, RandomUniformInt.Options...) - Method in class org.tensorflow.op.RandomOps
Outputs random integers from a uniform distribution.
RandomUniformInt<U extends TNumber> - Class in org.tensorflow.op.random
Outputs random integers from a uniform distribution.
RandomUniformInt(Operation) - Constructor for class org.tensorflow.op.random.RandomUniformInt
 
RandomUniformInt.Inputs<U extends TNumber> - Class in org.tensorflow.op.random
 
RandomUniformInt.Options - Class in org.tensorflow.op.random
Optional attributes for RandomUniformInt
range(Operand<T>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Creates a sequence of numbers.
Range<T extends TNumber> - Class in org.tensorflow.op.core
Creates a sequence of numbers.
Range(Operation) - Constructor for class org.tensorflow.op.core.Range
 
Range.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
rangeDataset(Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, RangeDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset with a range of values.
RangeDataset - Class in org.tensorflow.op.data
Creates a dataset with a range of values.
RangeDataset(Operation) - Constructor for class org.tensorflow.op.data.RangeDataset
 
RangeDataset.Inputs - Class in org.tensorflow.op.data
 
RangeDataset.Options - Class in org.tensorflow.op.data
Optional attributes for RangeDataset
rangeGiven - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The rangeGiven attribute
rangeGiven - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The rangeGiven attribute
rangeGiven - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
Whether the range is given or should be determined from the input tensor.
rangeGiven(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantize.Options
Sets the rangeGiven option.
rangeGiven(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantize
Sets the rangeGiven option.
rangeGiven(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Options
Sets the rangeGiven option.
rangeGiven(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
Sets the rangeGiven option.
rangeGiven(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Options
Sets the rangeGiven option.
rangeGiven(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Sets the rangeGiven option.
rangeMax - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
The sampler will sample integers from the interval [0, range_max).
rangeMax - Variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
The sampler will sample integers from the interval [0, range_max).
rangeMax - Variable in class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
The sampler will sample integers from the interval [0, range_max).
rangeMax - Variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
The sampler will sample integers from the interval [0, range_max).
rangeMax - Variable in class org.tensorflow.op.random.UniformCandidateSampler.Inputs
The sampler will sample integers from the interval [0, range_max).
rank - Variable in class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Inputs
The rank input
rank(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns the rank of a tensor.
Rank - Class in org.tensorflow.op.core
Returns the rank of a tensor.
Rank(Operation) - Constructor for class org.tensorflow.op.core.Rank
 
Rank.Inputs - Class in org.tensorflow.op.core
 
rate - Variable in class org.tensorflow.op.data.SamplingDataset.Inputs
A scalar representing the sample rate.
rate - Variable in class org.tensorflow.op.random.RandomPoisson.Inputs
A tensor in which each scalar is a "rate" parameter describing the associated poisson distribution.
rates - Variable in class org.tensorflow.op.image.ExtractImagePatches.Inputs
Must be: [1, rate_rows, rate_cols, 1].
rates - Variable in class org.tensorflow.op.nn.Dilation2d.Inputs
The input stride for atrous morphological dilation.
rates - Variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
1-D of length 4.
rates - Variable in class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
1-D of length 4.
ratio - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
Downscaling ratio.
ratio - Variable in class org.tensorflow.op.image.DecodeJpeg.Inputs
Downscaling ratio.
ratio(Long) - Method in class org.tensorflow.op.image.DecodeAndCropJpeg.Options
Sets the ratio option.
ratio(Long) - Static method in class org.tensorflow.op.image.DecodeAndCropJpeg
Sets the ratio option.
ratio(Long) - Method in class org.tensorflow.op.image.DecodeJpeg.Options
Sets the ratio option.
ratio(Long) - Static method in class org.tensorflow.op.image.DecodeJpeg
Sets the ratio option.
ratioDenominator - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The ratioDenominator input
ratioNumerator - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The ratioNumerator input
RawCustomGradient - Interface in org.tensorflow.op
A custom gradient for an op of unspecified type.
RawOp - Class in org.tensorflow.op
A base class for Op implementations that are backed by a single Operation.
RawOp(Operation, String) - Constructor for class org.tensorflow.op.RawOp
Constructor.
RawOpInputs<T extends RawOp> - Class in org.tensorflow.op
A base class for operation input accessors.
RawOpInputs(T, GraphOperation, Collection<String>) - Constructor for class org.tensorflow.op.RawOpInputs
 
RawTensor - Class in org.tensorflow
A tensor which memory has not been mapped to a data space directly accessible from the JVM.
readerFuncOtherArgs - Variable in class org.tensorflow.op.data.LoadDataset.Inputs
The readerFuncOtherArgs input
readerFuncOtherArgs - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The readerFuncOtherArgs input
readerHandle - Variable in class org.tensorflow.op.io.ReaderNumRecordsProduced.Inputs
Handle to a Reader.
readerHandle - Variable in class org.tensorflow.op.io.ReaderNumWorkUnitsCompleted.Inputs
Handle to a Reader.
readerHandle - Variable in class org.tensorflow.op.io.ReaderRead.Inputs
Handle to a Reader.
readerHandle - Variable in class org.tensorflow.op.io.ReaderReadUpTo.Inputs
Handle to a Reader.
readerHandle - Variable in class org.tensorflow.op.io.ReaderReset.Inputs
Handle to a Reader.
readerHandle - Variable in class org.tensorflow.op.io.ReaderRestoreState.Inputs
Handle to a Reader.
readerHandle - Variable in class org.tensorflow.op.io.ReaderSerializeState.Inputs
Handle to a Reader.
readerHandle() - Method in class org.tensorflow.op.io.FixedLengthRecordReader
Gets readerHandle.
readerHandle() - Method in class org.tensorflow.op.io.IdentityReader
Gets readerHandle.
readerHandle() - Method in class org.tensorflow.op.io.LmdbReader
Gets readerHandle.
readerHandle() - Method in class org.tensorflow.op.io.TextLineReader
Gets readerHandle.
readerHandle() - Method in class org.tensorflow.op.io.TfRecordReader
Gets readerHandle.
readerHandle() - Method in class org.tensorflow.op.io.WholeFileReader
Gets readerHandle.
readerNumRecordsProduced(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Returns the number of records this Reader has produced.
ReaderNumRecordsProduced - Class in org.tensorflow.op.io
Returns the number of records this Reader has produced.
ReaderNumRecordsProduced(Operation) - Constructor for class org.tensorflow.op.io.ReaderNumRecordsProduced
 
ReaderNumRecordsProduced.Inputs - Class in org.tensorflow.op.io
 
readerNumWorkUnitsCompleted(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Returns the number of work units this Reader has finished processing.
ReaderNumWorkUnitsCompleted - Class in org.tensorflow.op.io
Returns the number of work units this Reader has finished processing.
ReaderNumWorkUnitsCompleted(Operation) - Constructor for class org.tensorflow.op.io.ReaderNumWorkUnitsCompleted
 
ReaderNumWorkUnitsCompleted.Inputs - Class in org.tensorflow.op.io
 
readerPrefix - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The readerPrefix attribute
readerPrefix(String) - Method in class org.tensorflow.op.data.SnapshotDataset.Options
Sets the readerPrefix option.
readerPrefix(String) - Static method in class org.tensorflow.op.data.SnapshotDataset
Sets the readerPrefix option.
readerRead(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Returns the next record (key, value pair) produced by a Reader.
ReaderRead - Class in org.tensorflow.op.io
Returns the next record (key, value pair) produced by a Reader.
ReaderRead(Operation) - Constructor for class org.tensorflow.op.io.ReaderRead
 
ReaderRead.Inputs - Class in org.tensorflow.op.io
 
readerReadUpTo(Operand<? extends TType>, Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.IoOps
Returns up to num_records (key, value) pairs produced by a Reader.
ReaderReadUpTo - Class in org.tensorflow.op.io
Returns up to num_records (key, value) pairs produced by a Reader.
ReaderReadUpTo(Operation) - Constructor for class org.tensorflow.op.io.ReaderReadUpTo
 
ReaderReadUpTo.Inputs - Class in org.tensorflow.op.io
 
readerReset(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Restore a Reader to its initial clean state.
ReaderReset - Class in org.tensorflow.op.io
Restore a Reader to its initial clean state.
ReaderReset(Operation) - Constructor for class org.tensorflow.op.io.ReaderReset
 
ReaderReset.Inputs - Class in org.tensorflow.op.io
 
readerRestoreState(Operand<? extends TType>, Operand<TString>) - Method in class org.tensorflow.op.IoOps
Restore a reader to a previously saved state.
ReaderRestoreState - Class in org.tensorflow.op.io
Restore a reader to a previously saved state.
ReaderRestoreState(Operation) - Constructor for class org.tensorflow.op.io.ReaderRestoreState
 
ReaderRestoreState.Inputs - Class in org.tensorflow.op.io
 
readerSerializeState(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Produce a string tensor that encodes the state of a Reader.
ReaderSerializeState - Class in org.tensorflow.op.io
Produce a string tensor that encodes the state of a Reader.
ReaderSerializeState(Operation) - Constructor for class org.tensorflow.op.io.ReaderSerializeState
 
ReaderSerializeState.Inputs - Class in org.tensorflow.op.io
 
readFile(Operand<TString>) - Method in class org.tensorflow.op.IoOps
Reads and outputs the entire contents of the input filename.
ReadFile - Class in org.tensorflow.op.io
Reads and outputs the entire contents of the input filename.
ReadFile(Operation) - Constructor for class org.tensorflow.op.io.ReadFile
 
ReadFile.Inputs - Class in org.tensorflow.op.io
 
readVariableOp(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.Ops
Reads the value of a variable.
ReadVariableOp<T extends TType> - Class in org.tensorflow.op.core
Reads the value of a variable.
ReadVariableOp(Operation) - Constructor for class org.tensorflow.op.core.ReadVariableOp
 
ReadVariableOp.Inputs - Class in org.tensorflow.op.core
 
readVariableSplitND(Operand<? extends TType>, Class<T>, Long, List<Long>, ReadVariableSplitND.Options...) - Method in class org.tensorflow.op.XlaOps
Splits resource variable input tensor across all dimensions.
ReadVariableSplitND<T extends TType> - Class in org.tensorflow.op.xla
Splits resource variable input tensor across all dimensions.
ReadVariableSplitND(Operation) - Constructor for class org.tensorflow.op.xla.ReadVariableSplitND
 
ReadVariableSplitND.Inputs - Class in org.tensorflow.op.xla
 
ReadVariableSplitND.Options - Class in org.tensorflow.op.xla
Optional attributes for ReadVariableSplitND
real - Variable in class org.tensorflow.op.dtypes.Complex.Inputs
The real input
real(Operand<? extends TType>) - Method in class org.tensorflow.op.MathOps
Returns the real part of a complex number.
real(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.MathOps
Returns the real part of a complex number.
Real<U extends TNumber> - Class in org.tensorflow.op.math
Returns the real part of a complex number.
Real(Operation) - Constructor for class org.tensorflow.op.math.Real
 
Real.Inputs - Class in org.tensorflow.op.math
 
realDiv(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x / y element-wise for real types.
RealDiv<T extends TType> - Class in org.tensorflow.op.math
Returns x / y element-wise for real types.
RealDiv(Operation) - Constructor for class org.tensorflow.op.math.RealDiv
 
RealDiv.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
rebatchDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, RebatchDataset.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that changes the batch size.
RebatchDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that changes the batch size.
RebatchDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.RebatchDataset
 
RebatchDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
RebatchDataset.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for RebatchDataset
rebatchDatasetV2(Operand<? extends TType>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that changes the batch size.
RebatchDatasetV2 - Class in org.tensorflow.op.data
Creates a dataset that changes the batch size.
RebatchDatasetV2(Operation) - Constructor for class org.tensorflow.op.data.RebatchDatasetV2
 
RebatchDatasetV2.Inputs - Class in org.tensorflow.op.data
 
recallTarget - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
Recall target for the approximation.
recallTarget(Float) - Method in class org.tensorflow.op.core.ApproxTopK.Options
Sets the recallTarget option.
recallTarget(Float) - Static method in class org.tensorflow.op.core.ApproxTopK
Sets the recallTarget option.
reciprocal(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the reciprocal of x element-wise.
Reciprocal<T extends TType> - Class in org.tensorflow.op.math
Computes the reciprocal of x element-wise.
Reciprocal(Operation) - Constructor for class org.tensorflow.op.math.Reciprocal
 
Reciprocal.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
reciprocalGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the gradient for the inverse of x wrt its input.
ReciprocalGrad<T extends TType> - Class in org.tensorflow.op.math
Computes the gradient for the inverse of x wrt its input.
ReciprocalGrad(Operation) - Constructor for class org.tensorflow.op.math.ReciprocalGrad
 
ReciprocalGrad.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
recordBytes - Variable in class org.tensorflow.op.data.FixedLengthRecordDataset.Inputs
The recordBytes input
recordBytes - Variable in class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
Number of bytes in the record.
recordDefaults - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The recordDefaults input
recordDefaults - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The recordDefaults input
recordDefaults - Variable in class org.tensorflow.op.io.DecodeCsv.Inputs
One tensor per column of the input record, with either a scalar default value for that column or an empty vector if the column is required.
recordInput(String, RecordInput.Options...) - Method in class org.tensorflow.op.RandomOps
Emits randomized records.
RecordInput - Class in org.tensorflow.op.random
Emits randomized records.
RecordInput(Operation) - Constructor for class org.tensorflow.op.random.RecordInput
 
RecordInput.Inputs - Class in org.tensorflow.op.random
 
RecordInput.Options - Class in org.tensorflow.op.random
Optional attributes for RecordInput
records - Variable in class org.tensorflow.op.io.DecodeCsv.Inputs
Each string is a record/row in the csv and all records should have the same format.
records() - Method in class org.tensorflow.op.random.RecordInput
Gets records.
recordsProduced() - Method in class org.tensorflow.op.io.ReaderNumRecordsProduced
Gets recordsProduced.
recv(Class<T>, String, String, Long, String, Recv.Options...) - Method in class org.tensorflow.op.Ops
Receives the named tensor from send_device on recv_device.
Recv<T extends TType> - Class in org.tensorflow.op.core
Receives the named tensor from send_device on recv_device.
Recv(Operation) - Constructor for class org.tensorflow.op.core.Recv
 
Recv.Inputs - Class in org.tensorflow.op.core
 
Recv.Options - Class in org.tensorflow.op.core
Optional attributes for Recv
recvDevice - Variable in class org.tensorflow.op.core.Recv.Inputs
The name of the device receiving the tensor.
recvDevice - Variable in class org.tensorflow.op.core.Send.Inputs
The name of the device receiving the tensor.
recvKey - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
The recvKey attribute
recvKey(String) - Method in class org.tensorflow.op.xla.XlaHostCompute.Options
Sets the recvKey option.
recvKey(String) - Static method in class org.tensorflow.op.xla.XlaHostCompute
Sets the recvKey option.
recvTPUEmbeddingActivations(Long, String) - Method in class org.tensorflow.op.TpuOps
An op that receives embedding activations on the TPU.
RecvTPUEmbeddingActivations - Class in org.tensorflow.op.tpu
An op that receives embedding activations on the TPU.
RecvTPUEmbeddingActivations(Operation) - Constructor for class org.tensorflow.op.tpu.RecvTPUEmbeddingActivations
 
RecvTPUEmbeddingActivations.Inputs - Class in org.tensorflow.op.tpu
 
reduceAll(Operand<TBool>, Operand<? extends TNumber>, ReduceAll.Options...) - Method in class org.tensorflow.op.Ops
Computes the "logical and" of elements across dimensions of a tensor.
ReduceAll - Class in org.tensorflow.op.core
Computes the "logical and" of elements across dimensions of a tensor.
ReduceAll(Operation) - Constructor for class org.tensorflow.op.core.ReduceAll
 
ReduceAll.Inputs - Class in org.tensorflow.op.core
 
ReduceAll.Options - Class in org.tensorflow.op.core
Optional attributes for ReduceAll
reduceAny(Operand<TBool>, Operand<? extends TNumber>, ReduceAny.Options...) - Method in class org.tensorflow.op.Ops
Computes the "logical or" of elements across dimensions of a tensor.
ReduceAny - Class in org.tensorflow.op.core
Computes the "logical or" of elements across dimensions of a tensor.
ReduceAny(Operation) - Constructor for class org.tensorflow.op.core.ReduceAny
 
ReduceAny.Inputs - Class in org.tensorflow.op.core
 
ReduceAny.Options - Class in org.tensorflow.op.core
Optional attributes for ReduceAny
reduceDataset(Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ReduceDataset.Options...) - Method in class org.tensorflow.op.DataOps
Reduces the input dataset to a singleton using a reduce function.
ReduceDataset - Class in org.tensorflow.op.data
Reduces the input dataset to a singleton using a reduce function.
ReduceDataset(Operation) - Constructor for class org.tensorflow.op.data.ReduceDataset
 
ReduceDataset.Inputs - Class in org.tensorflow.op.data
 
ReduceDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ReduceDataset
reduceDims(Shape<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Reduces the shape to the specified axis.
reduceDims(Shape<U>, Operand<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Reduces the shape to the specified axis.
reduceDims(Scope, Shape<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Reduces the shape to the specified axis.
reduceDims(Scope, Shape<U>, Operand<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Reduces the shape to the specified axis.
reduceDims(Scope, Operand<T>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Reshapes the operand by reducing the shape to the specified axis.
reduceDims(Scope, Operand<T>, Operand<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Reshapes the operand by reducing the shape to the specified axis.
reduceDims(Operand<T>, Operand<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Reshapes the operand by reducing the shape to the specified axis.
reduceDims(Operand<T>, Operand<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Reshapes the operand by reducing the shape to the specified axis.
reduceFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for reduce_func.
reduceFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The reduceFuncOtherArguments input
reduceFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
A list of tensors, typically values that were captured when building a closure for reduce_func.
reduceFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The reduceFuncOtherArguments input
reduceJoin(Operand<TString>, Operand<TInt32>, ReduceJoin.Options...) - Method in class org.tensorflow.op.StringsOps
Joins a string Tensor across the given dimensions.
ReduceJoin - Class in org.tensorflow.op.strings
Joins a string Tensor across the given dimensions.
ReduceJoin(Operation) - Constructor for class org.tensorflow.op.strings.ReduceJoin
 
ReduceJoin.Inputs - Class in org.tensorflow.op.strings
 
ReduceJoin.Options - Class in org.tensorflow.op.strings
Optional attributes for ReduceJoin
reduceMax(Operand<T>, Operand<? extends TNumber>, ReduceMax.Options...) - Method in class org.tensorflow.op.Ops
Computes the maximum of elements across dimensions of a tensor.
ReduceMax<T extends TNumber> - Class in org.tensorflow.op.core
Computes the maximum of elements across dimensions of a tensor.
ReduceMax(Operation) - Constructor for class org.tensorflow.op.core.ReduceMax
 
ReduceMax.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
ReduceMax.Options - Class in org.tensorflow.op.core
Optional attributes for ReduceMax
reduceMin(Operand<T>, Operand<? extends TNumber>, ReduceMin.Options...) - Method in class org.tensorflow.op.Ops
Computes the minimum of elements across dimensions of a tensor.
ReduceMin<T extends TNumber> - Class in org.tensorflow.op.core
Computes the minimum of elements across dimensions of a tensor.
ReduceMin(Operation) - Constructor for class org.tensorflow.op.core.ReduceMin
 
ReduceMin.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
ReduceMin.Options - Class in org.tensorflow.op.core
Optional attributes for ReduceMin
reduceProd(Operand<T>, Operand<? extends TNumber>, ReduceProd.Options...) - Method in class org.tensorflow.op.Ops
Computes the product of elements across dimensions of a tensor.
ReduceProd<T extends TType> - Class in org.tensorflow.op.core
Computes the product of elements across dimensions of a tensor.
ReduceProd(Operation) - Constructor for class org.tensorflow.op.core.ReduceProd
 
ReduceProd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ReduceProd.Options - Class in org.tensorflow.op.core
Optional attributes for ReduceProd
reduceSum(Operand<T>, Operand<? extends TNumber>, ReduceSum.Options...) - Method in class org.tensorflow.op.Ops
Computes the sum of elements across dimensions of a tensor.
ReduceSum<T extends TType> - Class in org.tensorflow.op.core
Computes the sum of elements across dimensions of a tensor.
ReduceSum(Operation) - Constructor for class org.tensorflow.op.core.ReduceSum
 
ReduceSum.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ReduceSum.Options - Class in org.tensorflow.op.core
Optional attributes for ReduceSum
reduction - Variable in class org.tensorflow.op.collective.CollectiveReduce.Inputs
The reduction attribute
reduction - Variable in class org.tensorflow.op.core.NcclAllReduce.Inputs
Deprecated.
The reduction attribute
reduction - Variable in class org.tensorflow.op.core.NcclReduce.Inputs
Deprecated.
The reduction attribute
reduction - Variable in class org.tensorflow.op.distribute.NcclAllReduce.Inputs
The reduction attribute
reduction - Variable in class org.tensorflow.op.distribute.NcclReduce.Inputs
The reduction attribute
reductionAxes - Variable in class org.tensorflow.op.sparse.SparseReduceMax.Inputs
1-D.
reductionAxes - Variable in class org.tensorflow.op.sparse.SparseReduceMaxSparse.Inputs
1-D.
reductionAxes - Variable in class org.tensorflow.op.sparse.SparseReduceSum.Inputs
1-D.
reductionAxes - Variable in class org.tensorflow.op.sparse.SparseReduceSumSparse.Inputs
1-D.
reductionDimension - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
Integer dimension along which to search.
reductionDimension(Long) - Method in class org.tensorflow.op.core.ApproxTopK.Options
Sets the reductionDimension option.
reductionDimension(Long) - Static method in class org.tensorflow.op.core.ApproxTopK
Sets the reductionDimension option.
reductionIndices - Variable in class org.tensorflow.op.strings.ReduceJoin.Inputs
The dimensions to reduce over.
reductionInputSizeOverride - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
When set to a positive value, it overrides the size determined by input[reduction_dim] for evaluating the recall.
reductionInputSizeOverride(Long) - Method in class org.tensorflow.op.core.ApproxTopK.Options
Sets the reductionInputSizeOverride option.
reductionInputSizeOverride(Long) - Static method in class org.tensorflow.op.core.ApproxTopK
Sets the reductionInputSizeOverride option.
reductionType - Variable in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Inputs
The reductionType attribute
reductionType - Variable in class org.tensorflow.op.train.ConditionalAccumulator.Inputs
The reductionType attribute
reductionType - Variable in class org.tensorflow.op.train.ResourceConditionalAccumulator.Inputs
The reductionType attribute
reductionType(String) - Method in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Options
Sets the reductionType option.
reductionType(String) - Static method in class org.tensorflow.op.sparse.SparseConditionalAccumulator
Sets the reductionType option.
reductionType(String) - Method in class org.tensorflow.op.train.ConditionalAccumulator.Options
Sets the reductionType option.
reductionType(String) - Static method in class org.tensorflow.op.train.ConditionalAccumulator
Sets the reductionType option.
reductionType(String) - Method in class org.tensorflow.op.train.ResourceConditionalAccumulator.Options
Sets the reductionType option.
reductionType(String) - Static method in class org.tensorflow.op.train.ResourceConditionalAccumulator
Sets the reductionType option.
ref - Variable in class org.tensorflow.op.core.Assign.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.AssignAdd.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.AssignSub.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.CountUpTo.Inputs
Should be from a scalar Variable node.
ref - Variable in class org.tensorflow.op.core.DestroyTemporaryVariable.Inputs
A reference to the temporary variable tensor.
ref - Variable in class org.tensorflow.op.core.IsVariableInitialized.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.ResourceScatterNdAdd.Inputs
A resource handle.
ref - Variable in class org.tensorflow.op.core.ResourceScatterNdMax.Inputs
A resource handle.
ref - Variable in class org.tensorflow.op.core.ResourceScatterNdMin.Inputs
A resource handle.
ref - Variable in class org.tensorflow.op.core.ResourceScatterNdSub.Inputs
A resource handle.
ref - Variable in class org.tensorflow.op.core.ResourceScatterNdUpdate.Inputs
A resource handle.
ref - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The ref input
ref - Variable in class org.tensorflow.op.core.ScatterAdd.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.ScatterDiv.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.ScatterMax.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.ScatterMin.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.ScatterMul.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.ScatterNdAdd.Inputs
A mutable Tensor.
ref - Variable in class org.tensorflow.op.core.ScatterNdMax.Inputs
A mutable Tensor.
ref - Variable in class org.tensorflow.op.core.ScatterNdMin.Inputs
A mutable Tensor.
ref - Variable in class org.tensorflow.op.core.ScatterNdSub.Inputs
A mutable Tensor.
ref - Variable in class org.tensorflow.op.core.ScatterNdUpdate.Inputs
A mutable Tensor.
ref - Variable in class org.tensorflow.op.core.ScatterSub.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.ScatterUpdate.Inputs
Should be from a Variable node.
ref - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The ref input
ref() - Method in class org.tensorflow.op.core.TemporaryVariable
Gets ref.
ref() - Method in class org.tensorflow.op.core.Variable
Gets ref.
refEnter(Operand<T>, String, RefEnter.Options...) - Method in class org.tensorflow.op.Ops
Creates or finds a child frame, and makes data available to the child frame.
RefEnter<T extends TType> - Class in org.tensorflow.op.core
Creates or finds a child frame, and makes data available to the child frame.
RefEnter(Operation) - Constructor for class org.tensorflow.op.core.RefEnter
 
RefEnter.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
RefEnter.Options - Class in org.tensorflow.op.core
Optional attributes for RefEnter
refExit(Operand<T>) - Method in class org.tensorflow.op.Ops
Exits the current frame to its parent frame.
RefExit<T extends TType> - Class in org.tensorflow.op.core
Exits the current frame to its parent frame.
RefExit(Operation) - Constructor for class org.tensorflow.op.core.RefExit
 
RefExit.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
refIdentity(Operand<T>) - Method in class org.tensorflow.op.Ops
Return the same ref tensor as the input ref tensor.
RefIdentity<T extends TType> - Class in org.tensorflow.op.core
Return the same ref tensor as the input ref tensor.
RefIdentity(Operation) - Constructor for class org.tensorflow.op.core.RefIdentity
 
RefIdentity.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
refMerge(Iterable<Operand<T>>) - Method in class org.tensorflow.op.Ops
Forwards the value of an available tensor from inputs to output.
RefMerge<T extends TType> - Class in org.tensorflow.op.core
Forwards the value of an available tensor from inputs to output.
RefMerge(Operation) - Constructor for class org.tensorflow.op.core.RefMerge
 
RefMerge.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
refNextIteration(Operand<T>) - Method in class org.tensorflow.op.Ops
Makes its input available to the next iteration.
RefNextIteration<T extends TType> - Class in org.tensorflow.op.core
Makes its input available to the next iteration.
RefNextIteration(Operation) - Constructor for class org.tensorflow.op.core.RefNextIteration
 
RefNextIteration.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
refreshNames() - Method in class org.tensorflow.op.NativeScope
 
refreshNames() - Method in class org.tensorflow.op.OpScope
 
refreshNames() - Method in interface org.tensorflow.op.Scope
Refresh the used name list (used for uniquifying names) from the underlying graph.
refSelect(Operand<TInt32>, Iterable<Operand<T>>) - Method in class org.tensorflow.op.Ops
Forwards the indexth element of inputs to output.
RefSelect<T extends TType> - Class in org.tensorflow.op.core
Forwards the indexth element of inputs to output.
RefSelect(Operation) - Constructor for class org.tensorflow.op.core.RefSelect
 
RefSelect.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
refSwitch(Operand<T>, Operand<TBool>) - Method in class org.tensorflow.op.Ops
Forwards the ref tensor data to the output port determined by pred.
RefSwitch<T extends TType> - Class in org.tensorflow.op.core
Forwards the ref tensor data to the output port determined by pred.
RefSwitch(Operation) - Constructor for class org.tensorflow.op.core.RefSwitch
 
RefSwitch.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
regexFullMatch(Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.StringsOps
Check if the input matches the regex pattern.
RegexFullMatch - Class in org.tensorflow.op.strings
Check if the input matches the regex pattern.
RegexFullMatch(Operation) - Constructor for class org.tensorflow.op.strings.RegexFullMatch
 
RegexFullMatch.Inputs - Class in org.tensorflow.op.strings
 
regexReplace(Operand<TString>, Operand<TString>, Operand<TString>, RegexReplace.Options...) - Method in class org.tensorflow.op.StringsOps
Replaces matches of the pattern regular expression in input with the replacement string provided in rewrite.
RegexReplace - Class in org.tensorflow.op.strings
Replaces matches of the pattern regular expression in input with the replacement string provided in rewrite.
RegexReplace(Operation) - Constructor for class org.tensorflow.op.strings.RegexReplace
 
RegexReplace.Inputs - Class in org.tensorflow.op.strings
 
RegexReplace.Options - Class in org.tensorflow.op.strings
Optional attributes for RegexReplace
registerCustomGradient(Class<T>, CustomGradient<T>) - Static method in class org.tensorflow.TensorFlow
Register a custom gradient function for ops of inputClass's op type.
registerCustomGradient(String, RawCustomGradient) - Static method in class org.tensorflow.TensorFlow
Register a custom gradient function for ops of opType type.
registerDataset(Operand<? extends TType>, Operand<TString>, Operand<TString>, Long, RegisterDataset.Options...) - Method in class org.tensorflow.op.DataOps
Registers a dataset with the tf.data service.
RegisterDataset - Class in org.tensorflow.op.data
Registers a dataset with the tf.data service.
RegisterDataset(Operation) - Constructor for class org.tensorflow.op.data.RegisterDataset
 
RegisterDataset.Inputs - Class in org.tensorflow.op.data
 
RegisterDataset.Options - Class in org.tensorflow.op.data
Optional attributes for RegisterDataset
registeredOpList() - Static method in class org.tensorflow.TensorFlow
All the TensorFlow operations available in this address space.
registerFilesystemPlugin(String) - Static method in class org.tensorflow.TensorFlow
Loads the filesystem plugin from filename and registers all the filesystems it supports.
relayout(Operand<T>, String) - Method in class org.tensorflow.op.Ops
The Relayout operation
Relayout<T extends TType> - Class in org.tensorflow.op.core
The Relayout operation
Relayout(Operation) - Constructor for class org.tensorflow.op.core.Relayout
 
Relayout.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
relayoutLike(Operand<T>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
The RelayoutLike operation
RelayoutLike<T extends TType> - Class in org.tensorflow.op.core
The RelayoutLike operation
RelayoutLike(Operation) - Constructor for class org.tensorflow.op.core.RelayoutLike
 
RelayoutLike.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
relu(Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes rectified linear: max(features, 0).
Relu<T extends TNumber> - Class in org.tensorflow.op.nn
Computes rectified linear: max(features, 0).
Relu(Operation) - Constructor for class org.tensorflow.op.nn.Relu
 
Relu.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
relu6(Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes rectified linear 6: min(max(features, 0), 6).
Relu6<T extends TNumber> - Class in org.tensorflow.op.nn
Computes rectified linear 6: min(max(features, 0), 6).
Relu6(Operation) - Constructor for class org.tensorflow.op.nn.Relu6
 
Relu6.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
relu6Grad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes rectified linear 6 gradients for a Relu6 operation.
Relu6Grad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes rectified linear 6 gradients for a Relu6 operation.
Relu6Grad(Operation) - Constructor for class org.tensorflow.op.nn.Relu6Grad
 
Relu6Grad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
reluGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes rectified linear gradients for a Relu operation.
ReluGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes rectified linear gradients for a Relu operation.
ReluGrad(Operation) - Constructor for class org.tensorflow.op.nn.ReluGrad
 
ReluGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
remapping() - Method in class org.tensorflow.op.train.GenerateVocabRemapping
Gets remapping.
remoteCall(Operand<TString>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction) - Method in class org.tensorflow.op.Ops
Runs function f on a remote device indicated by target.
RemoteCall - Class in org.tensorflow.op.core
Runs function f on a remote device indicated by target.
RemoteCall(Operation) - Constructor for class org.tensorflow.op.core.RemoteCall
 
RemoteCall.Inputs - Class in org.tensorflow.op.core
 
repeatDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, RepeatDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that emits the outputs of input_dataset count times.
RepeatDataset - Class in org.tensorflow.op.data
Creates a dataset that emits the outputs of input_dataset count times.
RepeatDataset(Operation) - Constructor for class org.tensorflow.op.data.RepeatDataset
 
RepeatDataset.Inputs - Class in org.tensorflow.op.data
 
RepeatDataset.Options - Class in org.tensorflow.op.data
Optional attributes for RepeatDataset
replaceControlCharacters - Variable in class org.tensorflow.op.strings.UnicodeDecode.Inputs
Whether to replace the C0 control characters (00-1F) with the replacement_char.
replaceControlCharacters - Variable in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Inputs
Whether to replace the C0 control characters (00-1F) with the replacement_char.
replaceControlCharacters - Variable in class org.tensorflow.op.strings.UnicodeTranscode.Inputs
Whether to replace the C0 control characters (00-1F) with the replacement_char.
replaceControlCharacters(Boolean) - Method in class org.tensorflow.op.strings.UnicodeDecode.Options
Sets the replaceControlCharacters option.
replaceControlCharacters(Boolean) - Static method in class org.tensorflow.op.strings.UnicodeDecode
Sets the replaceControlCharacters option.
replaceControlCharacters(Boolean) - Method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Options
Sets the replaceControlCharacters option.
replaceControlCharacters(Boolean) - Static method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Sets the replaceControlCharacters option.
replaceControlCharacters(Boolean) - Method in class org.tensorflow.op.strings.UnicodeTranscode.Options
Sets the replaceControlCharacters option.
replaceControlCharacters(Boolean) - Static method in class org.tensorflow.op.strings.UnicodeTranscode
Sets the replaceControlCharacters option.
replaceGlobal - Variable in class org.tensorflow.op.strings.RegexReplace.Inputs
If True, the replacement is global (that is, all matches of the pattern regular expression in each input string are rewritten), otherwise the rewrite substitution is only made for the first pattern match.
replaceGlobal - Variable in class org.tensorflow.op.strings.StaticRegexReplace.Inputs
If True, the replacement is global, otherwise the replacement is done only on the first match.
replaceGlobal(Boolean) - Method in class org.tensorflow.op.strings.RegexReplace.Options
Sets the replaceGlobal option.
replaceGlobal(Boolean) - Static method in class org.tensorflow.op.strings.RegexReplace
Sets the replaceGlobal option.
replaceGlobal(Boolean) - Method in class org.tensorflow.op.strings.StaticRegexReplace.Options
Sets the replaceGlobal option.
replaceGlobal(Boolean) - Static method in class org.tensorflow.op.strings.StaticRegexReplace
Sets the replaceGlobal option.
replacementChar - Variable in class org.tensorflow.op.strings.UnicodeDecode.Inputs
The replacement character codepoint to be used in place of any invalid formatting in the input when errors='replace'.
replacementChar - Variable in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Inputs
The replacement character codepoint to be used in place of any invalid formatting in the input when errors='replace'.
replacementChar - Variable in class org.tensorflow.op.strings.UnicodeEncode.Inputs
The replacement character codepoint to be used in place of any invalid formatting in the input when errors='replace'.
replacementChar - Variable in class org.tensorflow.op.strings.UnicodeTranscode.Inputs
The replacement character codepoint to be used in place of any invalid formatting in the input when errors='replace'.
replacementChar(Long) - Method in class org.tensorflow.op.strings.UnicodeDecode.Options
Sets the replacementChar option.
replacementChar(Long) - Static method in class org.tensorflow.op.strings.UnicodeDecode
Sets the replacementChar option.
replacementChar(Long) - Method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Options
Sets the replacementChar option.
replacementChar(Long) - Static method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Sets the replacementChar option.
replacementChar(Long) - Method in class org.tensorflow.op.strings.UnicodeEncode.Options
Sets the replacementChar option.
replacementChar(Long) - Static method in class org.tensorflow.op.strings.UnicodeEncode
Sets the replacementChar option.
replacementChar(Long) - Method in class org.tensorflow.op.strings.UnicodeTranscode.Options
Sets the replacementChar option.
replacementChar(Long) - Static method in class org.tensorflow.op.strings.UnicodeTranscode
Sets the replacementChar option.
replica() - Method in class org.tensorflow.DeviceSpec
 
replica(Integer) - Method in class org.tensorflow.DeviceSpec.Builder
 
replicatedInput(Iterable<Operand<T>>, ReplicatedInput.Options...) - Method in class org.tensorflow.op.TpuOps
Connects N inputs to an N-way replicated TPU computation.
ReplicatedInput<T extends TType> - Class in org.tensorflow.op.tpu
Connects N inputs to an N-way replicated TPU computation.
ReplicatedInput(Operation) - Constructor for class org.tensorflow.op.tpu.ReplicatedInput
 
ReplicatedInput.Inputs<T extends TType> - Class in org.tensorflow.op.tpu
 
ReplicatedInput.Options - Class in org.tensorflow.op.tpu
Optional attributes for ReplicatedInput
replicatedOutput(Operand<T>, Long) - Method in class org.tensorflow.op.TpuOps
Connects N outputs from an N-way replicated TPU computation.
ReplicatedOutput<T extends TType> - Class in org.tensorflow.op.tpu
Connects N outputs from an N-way replicated TPU computation.
ReplicatedOutput(Operation) - Constructor for class org.tensorflow.op.tpu.ReplicatedOutput
 
ReplicatedOutput.Inputs<T extends TType> - Class in org.tensorflow.op.tpu
 
replicateMetadata(Long, ReplicateMetadata.Options...) - Method in class org.tensorflow.op.TpuOps
Metadata indicating how the TPU computation should be replicated.
ReplicateMetadata - Class in org.tensorflow.op.tpu
Metadata indicating how the TPU computation should be replicated.
ReplicateMetadata(Operation) - Constructor for class org.tensorflow.op.tpu.ReplicateMetadata
 
ReplicateMetadata.Inputs - Class in org.tensorflow.op.tpu
 
ReplicateMetadata.Options - Class in org.tensorflow.op.tpu
Optional attributes for ReplicateMetadata
replicateOnSplit - Variable in class org.tensorflow.op.data.RangeDataset.Inputs
The replicateOnSplit attribute
replicateOnSplit - Variable in class org.tensorflow.op.data.TensorSliceDataset.Inputs
The replicateOnSplit attribute
replicateOnSplit(Boolean) - Method in class org.tensorflow.op.data.RangeDataset.Options
Sets the replicateOnSplit option.
replicateOnSplit(Boolean) - Static method in class org.tensorflow.op.data.RangeDataset
Sets the replicateOnSplit option.
replicateOnSplit(Boolean) - Method in class org.tensorflow.op.data.TensorSliceDataset.Options
Sets the replicateOnSplit option.
replicateOnSplit(Boolean) - Static method in class org.tensorflow.op.data.TensorSliceDataset
Sets the replicateOnSplit option.
requantizationRange(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>) - Method in class org.tensorflow.op.QuantizationOps
Computes a range that covers the actual values present in a quantized tensor.
RequantizationRange - Class in org.tensorflow.op.quantization
Computes a range that covers the actual values present in a quantized tensor.
RequantizationRange(Operation) - Constructor for class org.tensorflow.op.quantization.RequantizationRange
 
RequantizationRange.Inputs - Class in org.tensorflow.op.quantization
 
requantizationRangePerChannel(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Float) - Method in class org.tensorflow.op.MathOps
Computes requantization range per channel.
RequantizationRangePerChannel - Class in org.tensorflow.op.math
Computes requantization range per channel.
RequantizationRangePerChannel(Operation) - Constructor for class org.tensorflow.op.math.RequantizationRangePerChannel
 
RequantizationRangePerChannel.Inputs - Class in org.tensorflow.op.math
 
requantize(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Method in class org.tensorflow.op.QuantizationOps
Converts the quantized input tensor into a lower-precision output.
Requantize<U extends TNumber> - Class in org.tensorflow.op.quantization
Converts the quantized input tensor into a lower-precision output.
Requantize(Operation) - Constructor for class org.tensorflow.op.quantization.Requantize
 
Requantize.Inputs - Class in org.tensorflow.op.quantization
 
requantizePerChannel(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Class<U>) - Method in class org.tensorflow.op.MathOps
Requantizes input with min and max values known per channel.
RequantizePerChannel<U extends TNumber> - Class in org.tensorflow.op.math
Requantizes input with min and max values known per channel.
RequantizePerChannel(Operation) - Constructor for class org.tensorflow.op.math.RequantizePerChannel
 
RequantizePerChannel.Inputs - Class in org.tensorflow.op.math
 
request - Variable in class org.tensorflow.op.tpu.WorkerHeartbeat.Inputs
A string tensor containing a serialized WorkerHeartbeatRequest
requestedDatasetId - Variable in class org.tensorflow.op.data.RegisterDataset.Inputs
The requestedDatasetId attribute
requestedDatasetId(String) - Method in class org.tensorflow.op.data.RegisterDataset.Options
Sets the requestedDatasetId option.
requestedDatasetId(String) - Static method in class org.tensorflow.op.data.RegisterDataset
Sets the requestedDatasetId option.
requestedOutputMax - Variable in class org.tensorflow.op.math.RequantizePerChannel.Inputs
The maximum value of the output tensor requested.
requestedOutputMax - Variable in class org.tensorflow.op.quantization.Requantize.Inputs
The float value that the maximum quantized output value represents.
requestedOutputMin - Variable in class org.tensorflow.op.math.RequantizePerChannel.Inputs
The minimum value of the output tensor requested.
requestedOutputMin - Variable in class org.tensorflow.op.quantization.Requantize.Inputs
The float value that the minimum quantized output value represents.
requireNonEmpty - Variable in class org.tensorflow.op.data.ShardDataset.Inputs
The requireNonEmpty attribute
requireNonEmpty(Boolean) - Method in class org.tensorflow.op.data.ShardDataset.Options
Sets the requireNonEmpty option.
requireNonEmpty(Boolean) - Static method in class org.tensorflow.op.data.ShardDataset
Sets the requireNonEmpty option.
rerandomizeEachIteration - Variable in class org.tensorflow.op.data.RandomDataset.Inputs
A boolean attribute to rerandomize the sequence of random numbers generated at each epoch.
rerandomizeEachIteration(Boolean) - Method in class org.tensorflow.op.data.RandomDataset.Options
Sets the rerandomizeEachIteration option.
rerandomizeEachIteration(Boolean) - Static method in class org.tensorflow.op.data.RandomDataset
Sets the rerandomizeEachIteration option.
reserveSpace - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The reserveSpace input
reserveSpace() - Method in class org.tensorflow.op.nn.CudnnRNN
Gets reserveSpace.
reserveSpace1 - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
When is_training is True, a 1D Tensor for the computed batch mean to be reused in gradient computation.
reserveSpace1() - Method in class org.tensorflow.op.nn.FusedBatchNorm
Gets reserveSpace1.
reserveSpace2 - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
When is_training is True, a 1D Tensor for the computed batch variance (inverted variance in the cuDNN case) to be reused in gradient computation.
reserveSpace2() - Method in class org.tensorflow.op.nn.FusedBatchNorm
Gets reserveSpace2.
reserveSpace3 - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
When is_training is True, a 1D Tensor for some intermediate results to be reused in gradient computation.
reserveSpace3() - Method in class org.tensorflow.op.nn.FusedBatchNorm
Gets reserveSpace3.
reserveSpace4() - Method in class org.tensorflow.op.nn.FusedBatchNormGrad
Gets reserveSpace4.
reserveSpace5() - Method in class org.tensorflow.op.nn.FusedBatchNormGrad
Gets reserveSpace5.
reshape(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Reshapes a tensor.
Reshape<T extends TType> - Class in org.tensorflow.op.core
Reshapes a tensor.
Reshape(Operation) - Constructor for class org.tensorflow.op.core.Reshape
 
Reshape.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
reshuffle - Variable in class org.tensorflow.op.random.AnonymousSeedGenerator.Inputs
The reshuffle input
reshuffleEachIteration - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The reshuffleEachIteration attribute
reshuffleEachIteration - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The reshuffleEachIteration attribute
reshuffleEachIteration(Boolean) - Method in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Options
Sets the reshuffleEachIteration option.
reshuffleEachIteration(Boolean) - Static method in class org.tensorflow.op.data.ShuffleAndRepeatDataset
Sets the reshuffleEachIteration option.
reshuffleEachIteration(Boolean) - Method in class org.tensorflow.op.data.ShuffleDataset.Options
Sets the reshuffleEachIteration option.
reshuffleEachIteration(Boolean) - Static method in class org.tensorflow.op.data.ShuffleDataset
Sets the reshuffleEachIteration option.
resizeAlignCorners - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
If true, the centers of the 4 corner pixels of the input and output tensors are aligned, preserving the values at the corner pixels.
resizeAlignCorners(Boolean) - Method in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Options
Sets the resizeAlignCorners option.
resizeAlignCorners(Boolean) - Static method in class org.tensorflow.op.nn.FusedResizeAndPadConv2d
Sets the resizeAlignCorners option.
resizeArea(Operand<? extends TNumber>, Operand<TInt32>, ResizeArea.Options...) - Method in class org.tensorflow.op.ImageOps
Resize images to size using area interpolation.
ResizeArea - Class in org.tensorflow.op.image
Resize images to size using area interpolation.
ResizeArea(Operation) - Constructor for class org.tensorflow.op.image.ResizeArea
 
ResizeArea.Inputs - Class in org.tensorflow.op.image
 
ResizeArea.Options - Class in org.tensorflow.op.image
Optional attributes for ResizeArea
resizeBicubic(Operand<? extends TNumber>, Operand<TInt32>, ResizeBicubic.Options...) - Method in class org.tensorflow.op.ImageOps
Resize images to size using bicubic interpolation.
ResizeBicubic - Class in org.tensorflow.op.image
Resize images to size using bicubic interpolation.
ResizeBicubic(Operation) - Constructor for class org.tensorflow.op.image.ResizeBicubic
 
ResizeBicubic.Inputs - Class in org.tensorflow.op.image
 
ResizeBicubic.Options - Class in org.tensorflow.op.image
Optional attributes for ResizeBicubic
resizeBicubicGrad(Operand<TFloat32>, Operand<T>, ResizeBicubicGrad.Options...) - Method in class org.tensorflow.op.ImageOps
Computes the gradient of bicubic interpolation.
ResizeBicubicGrad<T extends TNumber> - Class in org.tensorflow.op.image
Computes the gradient of bicubic interpolation.
ResizeBicubicGrad(Operation) - Constructor for class org.tensorflow.op.image.ResizeBicubicGrad
 
ResizeBicubicGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
ResizeBicubicGrad.Options - Class in org.tensorflow.op.image
Optional attributes for ResizeBicubicGrad
resizeBilinear(Operand<? extends TNumber>, Operand<TInt32>, ResizeBilinear.Options...) - Method in class org.tensorflow.op.ImageOps
Resize images to size using bilinear interpolation.
ResizeBilinear - Class in org.tensorflow.op.image
Resize images to size using bilinear interpolation.
ResizeBilinear(Operation) - Constructor for class org.tensorflow.op.image.ResizeBilinear
 
ResizeBilinear.Inputs - Class in org.tensorflow.op.image
 
ResizeBilinear.Options - Class in org.tensorflow.op.image
Optional attributes for ResizeBilinear
resizeBilinearGrad(Operand<TFloat32>, Operand<T>, ResizeBilinearGrad.Options...) - Method in class org.tensorflow.op.ImageOps
Computes the gradient of bilinear interpolation.
ResizeBilinearGrad<T extends TNumber> - Class in org.tensorflow.op.image
Computes the gradient of bilinear interpolation.
ResizeBilinearGrad(Operation) - Constructor for class org.tensorflow.op.image.ResizeBilinearGrad
 
ResizeBilinearGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
ResizeBilinearGrad.Options - Class in org.tensorflow.op.image
Optional attributes for ResizeBilinearGrad
resizedImages() - Method in class org.tensorflow.op.image.QuantizedResizeBilinear
Gets resizedImages.
resizedImages() - Method in class org.tensorflow.op.image.ResizeArea
Gets resizedImages.
resizedImages() - Method in class org.tensorflow.op.image.ResizeBicubic
Gets resizedImages.
resizedImages() - Method in class org.tensorflow.op.image.ResizeBilinear
Gets resizedImages.
resizedImages() - Method in class org.tensorflow.op.image.ResizeNearestNeighbor
Gets resizedImages.
resizedImages() - Method in class org.tensorflow.op.image.ScaleAndTranslate
Gets resizedImages.
resizeIfIndexOutOfBounds - Variable in class org.tensorflow.op.core.TensorListSetItem.Inputs
The resizeIfIndexOutOfBounds attribute
resizeIfIndexOutOfBounds(Boolean) - Method in class org.tensorflow.op.core.TensorListSetItem.Options
Sets the resizeIfIndexOutOfBounds option.
resizeIfIndexOutOfBounds(Boolean) - Static method in class org.tensorflow.op.core.TensorListSetItem
Sets the resizeIfIndexOutOfBounds option.
resizeNearestNeighbor(Operand<T>, Operand<TInt32>, ResizeNearestNeighbor.Options...) - Method in class org.tensorflow.op.ImageOps
Resize images to size using nearest neighbor interpolation.
ResizeNearestNeighbor<T extends TNumber> - Class in org.tensorflow.op.image
Resize images to size using nearest neighbor interpolation.
ResizeNearestNeighbor(Operation) - Constructor for class org.tensorflow.op.image.ResizeNearestNeighbor
 
ResizeNearestNeighbor.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
ResizeNearestNeighbor.Options - Class in org.tensorflow.op.image
Optional attributes for ResizeNearestNeighbor
resizeNearestNeighborGrad(Operand<T>, Operand<TInt32>, ResizeNearestNeighborGrad.Options...) - Method in class org.tensorflow.op.ImageOps
Computes the gradient of nearest neighbor interpolation.
ResizeNearestNeighborGrad<T extends TNumber> - Class in org.tensorflow.op.image
Computes the gradient of nearest neighbor interpolation.
ResizeNearestNeighborGrad(Operation) - Constructor for class org.tensorflow.op.image.ResizeNearestNeighborGrad
 
ResizeNearestNeighborGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
ResizeNearestNeighborGrad.Options - Class in org.tensorflow.op.image
Optional attributes for ResizeNearestNeighborGrad
resource - Variable in class org.tensorflow.op.core.AssignAddVariableOp.Inputs
handle to the resource in which to store the variable.
resource - Variable in class org.tensorflow.op.core.AssignSubVariableOp.Inputs
handle to the resource in which to store the variable.
resource - Variable in class org.tensorflow.op.core.AssignVariableOp.Inputs
handle to the resource in which to store the variable.
resource - Variable in class org.tensorflow.op.core.DestroyResourceOp.Inputs
handle to the resource to delete.
resource - Variable in class org.tensorflow.op.core.ReadVariableOp.Inputs
handle to the resource in which to store the variable.
resource - Variable in class org.tensorflow.op.core.ResourceCountUpTo.Inputs
Should be from a scalar Variable node.
resource - Variable in class org.tensorflow.op.core.ResourceGather.Inputs
The resource input
resource - Variable in class org.tensorflow.op.core.ResourceGatherNd.Inputs
The resource input
resource - Variable in class org.tensorflow.op.core.ResourceScatterAdd.Inputs
Should be from a Variable node.
resource - Variable in class org.tensorflow.op.core.ResourceScatterDiv.Inputs
Should be from a Variable node.
resource - Variable in class org.tensorflow.op.core.ResourceScatterMax.Inputs
Should be from a Variable node.
resource - Variable in class org.tensorflow.op.core.ResourceScatterMin.Inputs
Should be from a Variable node.
resource - Variable in class org.tensorflow.op.core.ResourceScatterMul.Inputs
Should be from a Variable node.
resource - Variable in class org.tensorflow.op.core.ResourceScatterSub.Inputs
Should be from a Variable node.
resource - Variable in class org.tensorflow.op.core.ResourceScatterUpdate.Inputs
Should be from a Variable node.
resource - Variable in class org.tensorflow.op.core.VarIsInitializedOp.Inputs
the input resource handle.
resource - Variable in class org.tensorflow.op.data.experimental.IteratorGetDevice.Inputs
The resource input
resource - Variable in class org.tensorflow.op.data.IteratorGetDevice.Inputs
The resource input
resource - Variable in class org.tensorflow.op.io.DisableCopyOnRead.Inputs
The resource handle of the resource variable.
resource - Variable in class org.tensorflow.op.io.FakeQueue.Inputs
The resource input
resource - Variable in class org.tensorflow.op.random.RngReadAndSkip.Inputs
The handle of the resource variable that stores the state of the RNG.
resource - Variable in class org.tensorflow.op.random.RngSkip.Inputs
The handle of the resource variable that stores the state of the RNG.
resource - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The resource input
resource - Variable in class org.tensorflow.op.random.StatefulStandardNormal.Inputs
The handle of the resource variable that stores the state of the RNG.
resource - Variable in class org.tensorflow.op.random.StatefulTruncatedNormal.Inputs
The handle of the resource variable that stores the state of the RNG.
resource - Variable in class org.tensorflow.op.random.StatefulUniform.Inputs
The handle of the resource variable that stores the state of the RNG.
resource - Variable in class org.tensorflow.op.random.StatefulUniformFullInt.Inputs
The handle of the resource variable that stores the state of the RNG.
resource - Variable in class org.tensorflow.op.random.StatefulUniformInt.Inputs
The handle of the resource variable that stores the state of the RNG.
resource - Variable in class org.tensorflow.op.xla.AssignVariableConcatND.Inputs
Resource variable for concatenated input tensors across all dimensions.
resource - Variable in class org.tensorflow.op.xla.ReadVariableSplitND.Inputs
Resource variable of input tensor to split across all dimensions.
resource() - Method in class org.tensorflow.op.core.Mutex
Gets resource.
resource() - Method in class org.tensorflow.op.core.VarHandleOp
Gets resource.
resourceAccumulatorApplyGradient(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Method in class org.tensorflow.op.TrainOps
Applies a gradient to a given accumulator.
ResourceAccumulatorApplyGradient - Class in org.tensorflow.op.train
Applies a gradient to a given accumulator.
ResourceAccumulatorApplyGradient(Operation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorApplyGradient
 
ResourceAccumulatorApplyGradient.Inputs - Class in org.tensorflow.op.train
 
resourceAccumulatorNumAccumulated(Operand<? extends TType>) - Method in class org.tensorflow.op.TrainOps
Returns the number of gradients aggregated in the given accumulators.
ResourceAccumulatorNumAccumulated - Class in org.tensorflow.op.train
Returns the number of gradients aggregated in the given accumulators.
ResourceAccumulatorNumAccumulated(Operation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorNumAccumulated
 
ResourceAccumulatorNumAccumulated.Inputs - Class in org.tensorflow.op.train
 
resourceAccumulatorSetGlobalStep(Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.TrainOps
Updates the accumulator with a new value for global_step.
ResourceAccumulatorSetGlobalStep - Class in org.tensorflow.op.train
Updates the accumulator with a new value for global_step.
ResourceAccumulatorSetGlobalStep(Operation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorSetGlobalStep
 
ResourceAccumulatorSetGlobalStep.Inputs - Class in org.tensorflow.op.train
 
resourceAccumulatorTakeGradient(Operand<? extends TType>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.TrainOps
Extracts the average gradient in the given ConditionalAccumulator.
ResourceAccumulatorTakeGradient<T extends TType> - Class in org.tensorflow.op.train
Extracts the average gradient in the given ConditionalAccumulator.
ResourceAccumulatorTakeGradient(Operation) - Constructor for class org.tensorflow.op.train.ResourceAccumulatorTakeGradient
 
ResourceAccumulatorTakeGradient.Inputs - Class in org.tensorflow.op.train
 
resourceApplyAdadelta(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdadelta.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the adadelta scheme.
ResourceApplyAdadelta - Class in org.tensorflow.op.train
Update '*var' according to the adadelta scheme.
ResourceApplyAdadelta(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdadelta
 
ResourceApplyAdadelta.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyAdadelta.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyAdadelta
resourceApplyAdagrad(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the adagrad scheme.
ResourceApplyAdagrad - Class in org.tensorflow.op.train
Update '*var' according to the adagrad scheme.
ResourceApplyAdagrad(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdagrad
 
ResourceApplyAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyAdagrad
resourceApplyAdagradDa(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, ResourceApplyAdagradDa.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the proximal adagrad scheme.
ResourceApplyAdagradDa - Class in org.tensorflow.op.train
Update '*var' according to the proximal adagrad scheme.
ResourceApplyAdagradDa(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdagradDa
 
ResourceApplyAdagradDa.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyAdagradDa.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyAdagradDa
resourceApplyAdam(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdam.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the Adam algorithm.
ResourceApplyAdam - Class in org.tensorflow.op.train
Update '*var' according to the Adam algorithm.
ResourceApplyAdam(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdam
 
ResourceApplyAdam.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyAdam.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyAdam
resourceApplyAdaMax(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdaMax.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the AdaMax algorithm.
ResourceApplyAdaMax - Class in org.tensorflow.op.train
Update '*var' according to the AdaMax algorithm.
ResourceApplyAdaMax(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdaMax
 
ResourceApplyAdaMax.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyAdaMax.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyAdaMax
resourceApplyAdamWithAmsgrad(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAdamWithAmsgrad.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the Adam algorithm.
ResourceApplyAdamWithAmsgrad - Class in org.tensorflow.op.train
Update '*var' according to the Adam algorithm.
ResourceApplyAdamWithAmsgrad(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad
 
ResourceApplyAdamWithAmsgrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyAdamWithAmsgrad.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyAdamWithAmsgrad
resourceApplyAddSign(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyAddSign.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the AddSign update.
ResourceApplyAddSign - Class in org.tensorflow.op.train
Update '*var' according to the AddSign update.
ResourceApplyAddSign(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyAddSign
 
ResourceApplyAddSign.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyAddSign.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyAddSign
resourceApplyCenteredRmsProp(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyCenteredRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the centered RMSProp algorithm.
ResourceApplyCenteredRmsProp - Class in org.tensorflow.op.train
Update '*var' according to the centered RMSProp algorithm.
ResourceApplyCenteredRmsProp(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyCenteredRmsProp
 
ResourceApplyCenteredRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyCenteredRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyCenteredRmsProp
resourceApplyFtrl(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyFtrl.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the Ftrl-proximal scheme.
ResourceApplyFtrl - Class in org.tensorflow.op.train
Update '*var' according to the Ftrl-proximal scheme.
ResourceApplyFtrl(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyFtrl
 
ResourceApplyFtrl.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyFtrl.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyFtrl
resourceApplyGradientDescent(Operand<? extends TType>, Operand<T>, Operand<T>, ResourceApplyGradientDescent.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' by subtracting 'alpha' * 'delta' from it.
ResourceApplyGradientDescent - Class in org.tensorflow.op.train
Update '*var' by subtracting 'alpha' * 'delta' from it.
ResourceApplyGradientDescent(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyGradientDescent
 
ResourceApplyGradientDescent.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyGradientDescent.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyGradientDescent
resourceApplyKerasMomentum(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyKerasMomentum.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the momentum scheme.
ResourceApplyKerasMomentum - Class in org.tensorflow.op.train
Update '*var' according to the momentum scheme.
ResourceApplyKerasMomentum(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyKerasMomentum
 
ResourceApplyKerasMomentum.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyKerasMomentum.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyKerasMomentum
resourceApplyMomentum(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyMomentum.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the momentum scheme.
ResourceApplyMomentum - Class in org.tensorflow.op.train
Update '*var' according to the momentum scheme.
ResourceApplyMomentum(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyMomentum
 
ResourceApplyMomentum.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyMomentum.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyMomentum
resourceApplyPowerSign(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyPowerSign.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the AddSign update.
ResourceApplyPowerSign - Class in org.tensorflow.op.train
Update '*var' according to the AddSign update.
ResourceApplyPowerSign(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyPowerSign
 
ResourceApplyPowerSign.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyPowerSign.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyPowerSign
resourceApplyProximalAdagrad(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyProximalAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' and '*accum' according to FOBOS with Adagrad learning rate.
ResourceApplyProximalAdagrad - Class in org.tensorflow.op.train
Update '*var' and '*accum' according to FOBOS with Adagrad learning rate.
ResourceApplyProximalAdagrad(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyProximalAdagrad
 
ResourceApplyProximalAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyProximalAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyProximalAdagrad
resourceApplyProximalGradientDescent(Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyProximalGradientDescent.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' as FOBOS algorithm with fixed learning rate.
ResourceApplyProximalGradientDescent - Class in org.tensorflow.op.train
Update '*var' as FOBOS algorithm with fixed learning rate.
ResourceApplyProximalGradientDescent(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyProximalGradientDescent
 
ResourceApplyProximalGradientDescent.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyProximalGradientDescent.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyProximalGradientDescent
resourceApplyRmsProp(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceApplyRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the RMSProp algorithm.
ResourceApplyRmsProp - Class in org.tensorflow.op.train
Update '*var' according to the RMSProp algorithm.
ResourceApplyRmsProp(Operation) - Constructor for class org.tensorflow.op.train.ResourceApplyRmsProp
 
ResourceApplyRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceApplyRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceApplyRmsProp
resourceConditionalAccumulator(Class<T>, Shape, ResourceConditionalAccumulator.Options...) - Method in class org.tensorflow.op.TrainOps
A conditional accumulator for aggregating gradients.
ResourceConditionalAccumulator - Class in org.tensorflow.op.train
A conditional accumulator for aggregating gradients.
ResourceConditionalAccumulator(Operation) - Constructor for class org.tensorflow.op.train.ResourceConditionalAccumulator
 
ResourceConditionalAccumulator.Inputs - Class in org.tensorflow.op.train
 
ResourceConditionalAccumulator.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceConditionalAccumulator
resourceCountUpTo(Operand<? extends TType>, Long, Class<T>) - Method in class org.tensorflow.op.Ops
Increments variable pointed to by 'resource' until it reaches 'limit'.
ResourceCountUpTo<T extends TNumber> - Class in org.tensorflow.op.core
Increments variable pointed to by 'resource' until it reaches 'limit'.
ResourceCountUpTo(Operation) - Constructor for class org.tensorflow.op.core.ResourceCountUpTo
 
ResourceCountUpTo.Inputs - Class in org.tensorflow.op.core
 
resourceGather(Operand<? extends TType>, Operand<? extends TNumber>, Class<U>, ResourceGather.Options...) - Method in class org.tensorflow.op.Ops
Gather slices from the variable pointed to by resource according to indices.
ResourceGather<U extends TType> - Class in org.tensorflow.op.core
Gather slices from the variable pointed to by resource according to indices.
ResourceGather(Operation) - Constructor for class org.tensorflow.op.core.ResourceGather
 
ResourceGather.Inputs - Class in org.tensorflow.op.core
 
ResourceGather.Options - Class in org.tensorflow.op.core
Optional attributes for ResourceGather
resourceGatherNd(Operand<? extends TType>, Operand<? extends TNumber>, Class<U>) - Method in class org.tensorflow.op.Ops
The ResourceGatherNd operation
ResourceGatherNd<U extends TType> - Class in org.tensorflow.op.core
The ResourceGatherNd operation
ResourceGatherNd(Operation) - Constructor for class org.tensorflow.op.core.ResourceGatherNd
 
ResourceGatherNd.Inputs - Class in org.tensorflow.op.core
 
resourceHandle - Variable in class org.tensorflow.op.data.DeserializeIterator.Inputs
A handle to an iterator resource.
resourceHandle - Variable in class org.tensorflow.op.data.IteratorToStringHandle.Inputs
A handle to an iterator resource.
resourceHandle - Variable in class org.tensorflow.op.data.SerializeIterator.Inputs
A handle to an iterator resource.
resourceHandle() - Method in class org.tensorflow.op.data.IteratorFromStringHandle
Gets resourceHandle.
resourceScatterAdd(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Adds sparse updates to the variable referenced by resource.
ResourceScatterAdd - Class in org.tensorflow.op.core
Adds sparse updates to the variable referenced by resource.
ResourceScatterAdd(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterAdd
 
ResourceScatterAdd.Inputs - Class in org.tensorflow.op.core
 
resourceScatterDiv(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Divides sparse updates into the variable referenced by resource.
ResourceScatterDiv - Class in org.tensorflow.op.core
Divides sparse updates into the variable referenced by resource.
ResourceScatterDiv(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterDiv
 
ResourceScatterDiv.Inputs - Class in org.tensorflow.op.core
 
resourceScatterMax(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Reduces sparse updates into the variable referenced by resource using the max operation.
ResourceScatterMax - Class in org.tensorflow.op.core
Reduces sparse updates into the variable referenced by resource using the max operation.
ResourceScatterMax(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterMax
 
ResourceScatterMax.Inputs - Class in org.tensorflow.op.core
 
resourceScatterMin(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Reduces sparse updates into the variable referenced by resource using the min operation.
ResourceScatterMin - Class in org.tensorflow.op.core
Reduces sparse updates into the variable referenced by resource using the min operation.
ResourceScatterMin(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterMin
 
ResourceScatterMin.Inputs - Class in org.tensorflow.op.core
 
resourceScatterMul(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Multiplies sparse updates into the variable referenced by resource.
ResourceScatterMul - Class in org.tensorflow.op.core
Multiplies sparse updates into the variable referenced by resource.
ResourceScatterMul(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterMul
 
ResourceScatterMul.Inputs - Class in org.tensorflow.op.core
 
resourceScatterNdAdd(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdAdd.Options...) - Method in class org.tensorflow.op.Ops
Applies sparse addition to individual values or slices in a Variable.
ResourceScatterNdAdd - Class in org.tensorflow.op.core
Applies sparse addition to individual values or slices in a Variable.
ResourceScatterNdAdd(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdAdd
 
ResourceScatterNdAdd.Inputs - Class in org.tensorflow.op.core
 
ResourceScatterNdAdd.Options - Class in org.tensorflow.op.core
Optional attributes for ResourceScatterNdAdd
resourceScatterNdMax(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdMax.Options...) - Method in class org.tensorflow.op.Ops
The ResourceScatterNdMax operation
ResourceScatterNdMax - Class in org.tensorflow.op.core
The ResourceScatterNdMax operation
ResourceScatterNdMax(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdMax
 
ResourceScatterNdMax.Inputs - Class in org.tensorflow.op.core
 
ResourceScatterNdMax.Options - Class in org.tensorflow.op.core
Optional attributes for ResourceScatterNdMax
resourceScatterNdMin(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdMin.Options...) - Method in class org.tensorflow.op.Ops
The ResourceScatterNdMin operation
ResourceScatterNdMin - Class in org.tensorflow.op.core
The ResourceScatterNdMin operation
ResourceScatterNdMin(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdMin
 
ResourceScatterNdMin.Inputs - Class in org.tensorflow.op.core
 
ResourceScatterNdMin.Options - Class in org.tensorflow.op.core
Optional attributes for ResourceScatterNdMin
resourceScatterNdSub(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdSub.Options...) - Method in class org.tensorflow.op.Ops
Applies sparse subtraction to individual values or slices in a Variable.
ResourceScatterNdSub - Class in org.tensorflow.op.core
Applies sparse subtraction to individual values or slices in a Variable.
ResourceScatterNdSub(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdSub
 
ResourceScatterNdSub.Inputs - Class in org.tensorflow.op.core
 
ResourceScatterNdSub.Options - Class in org.tensorflow.op.core
Optional attributes for ResourceScatterNdSub
resourceScatterNdUpdate(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>, ResourceScatterNdUpdate.Options...) - Method in class org.tensorflow.op.Ops
Applies sparse updates to individual values or slices within a given variable according to indices.
ResourceScatterNdUpdate - Class in org.tensorflow.op.core
Applies sparse updates to individual values or slices within a given variable according to indices.
ResourceScatterNdUpdate(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterNdUpdate
 
ResourceScatterNdUpdate.Inputs - Class in org.tensorflow.op.core
 
ResourceScatterNdUpdate.Options - Class in org.tensorflow.op.core
Optional attributes for ResourceScatterNdUpdate
resourceScatterSub(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Subtracts sparse updates from the variable referenced by resource.
ResourceScatterSub - Class in org.tensorflow.op.core
Subtracts sparse updates from the variable referenced by resource.
ResourceScatterSub(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterSub
 
ResourceScatterSub.Inputs - Class in org.tensorflow.op.core
 
resourceScatterUpdate(Operand<? extends TType>, Operand<? extends TNumber>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Assigns sparse updates to the variable referenced by resource.
ResourceScatterUpdate - Class in org.tensorflow.op.core
Assigns sparse updates to the variable referenced by resource.
ResourceScatterUpdate(Operation) - Constructor for class org.tensorflow.op.core.ResourceScatterUpdate
 
ResourceScatterUpdate.Inputs - Class in org.tensorflow.op.core
 
resourceSparseApplyAdadelta(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyAdadelta.Options...) - Method in class org.tensorflow.op.TrainOps
var: Should be from a Variable().
ResourceSparseApplyAdadelta - Class in org.tensorflow.op.train
var: Should be from a Variable().
ResourceSparseApplyAdadelta(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdadelta
 
ResourceSparseApplyAdadelta.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyAdadelta.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyAdadelta
resourceSparseApplyAdagrad(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' and '*accum' according to the adagrad scheme.
ResourceSparseApplyAdagrad - Class in org.tensorflow.op.train
Update relevant entries in '*var' and '*accum' according to the adagrad scheme.
ResourceSparseApplyAdagrad(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdagrad
 
ResourceSparseApplyAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyAdagrad
resourceSparseApplyAdagradDa(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, ResourceSparseApplyAdagradDa.Options...) - Method in class org.tensorflow.op.TrainOps
Update entries in '*var' and '*accum' according to the proximal adagrad scheme.
ResourceSparseApplyAdagradDa - Class in org.tensorflow.op.train
Update entries in '*var' and '*accum' according to the proximal adagrad scheme.
ResourceSparseApplyAdagradDa(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdagradDa
 
ResourceSparseApplyAdagradDa.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyAdagradDa.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyAdagradDa
resourceSparseApplyAdagradV2(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyAdagradV2.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' and '*accum' according to the adagrad scheme.
ResourceSparseApplyAdagradV2 - Class in org.tensorflow.op.train
Update relevant entries in '*var' and '*accum' according to the adagrad scheme.
ResourceSparseApplyAdagradV2(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyAdagradV2
 
ResourceSparseApplyAdagradV2.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyAdagradV2.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyAdagradV2
resourceSparseApplyCenteredRmsProp(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyCenteredRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the centered RMSProp algorithm.
ResourceSparseApplyCenteredRmsProp - Class in org.tensorflow.op.train
Update '*var' according to the centered RMSProp algorithm.
ResourceSparseApplyCenteredRmsProp(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp
 
ResourceSparseApplyCenteredRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyCenteredRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyCenteredRmsProp
resourceSparseApplyFtrl(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, ResourceSparseApplyFtrl.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' according to the Ftrl-proximal scheme.
ResourceSparseApplyFtrl - Class in org.tensorflow.op.train
Update relevant entries in '*var' according to the Ftrl-proximal scheme.
ResourceSparseApplyFtrl(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyFtrl
 
ResourceSparseApplyFtrl.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyFtrl.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyFtrl
resourceSparseApplyKerasMomentum(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, ResourceSparseApplyKerasMomentum.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' and '*accum' according to the momentum scheme.
ResourceSparseApplyKerasMomentum - Class in org.tensorflow.op.train
Update relevant entries in '*var' and '*accum' according to the momentum scheme.
ResourceSparseApplyKerasMomentum(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum
 
ResourceSparseApplyKerasMomentum.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyKerasMomentum.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyKerasMomentum
resourceSparseApplyMomentum(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, ResourceSparseApplyMomentum.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' and '*accum' according to the momentum scheme.
ResourceSparseApplyMomentum - Class in org.tensorflow.op.train
Update relevant entries in '*var' and '*accum' according to the momentum scheme.
ResourceSparseApplyMomentum(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyMomentum
 
ResourceSparseApplyMomentum.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyMomentum.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyMomentum
resourceSparseApplyProximalAdagrad(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyProximalAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Sparse update entries in '*var' and '*accum' according to FOBOS algorithm.
ResourceSparseApplyProximalAdagrad - Class in org.tensorflow.op.train
Sparse update entries in '*var' and '*accum' according to FOBOS algorithm.
ResourceSparseApplyProximalAdagrad(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad
 
ResourceSparseApplyProximalAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyProximalAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyProximalAdagrad
resourceSparseApplyProximalGradientDescent(Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyProximalGradientDescent.Options...) - Method in class org.tensorflow.op.TrainOps
Sparse update '*var' as FOBOS algorithm with fixed learning rate.
ResourceSparseApplyProximalGradientDescent - Class in org.tensorflow.op.train
Sparse update '*var' as FOBOS algorithm with fixed learning rate.
ResourceSparseApplyProximalGradientDescent(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent
 
ResourceSparseApplyProximalGradientDescent.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyProximalGradientDescent.Options - Class in org.tensorflow.op.train
resourceSparseApplyRmsProp(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, ResourceSparseApplyRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the RMSProp algorithm.
ResourceSparseApplyRmsProp - Class in org.tensorflow.op.train
Update '*var' according to the RMSProp algorithm.
ResourceSparseApplyRmsProp(Operation) - Constructor for class org.tensorflow.op.train.ResourceSparseApplyRmsProp
 
ResourceSparseApplyRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
ResourceSparseApplyRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for ResourceSparseApplyRmsProp
resourceStridedSliceAssign(Operand<? extends TType>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TType>, ResourceStridedSliceAssign.Options...) - Method in class org.tensorflow.op.Ops
Assign value to the sliced l-value reference of ref.
ResourceStridedSliceAssign - Class in org.tensorflow.op.core
Assign value to the sliced l-value reference of ref.
ResourceStridedSliceAssign(Operation) - Constructor for class org.tensorflow.op.core.ResourceStridedSliceAssign
 
ResourceStridedSliceAssign.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
ResourceStridedSliceAssign.Options - Class in org.tensorflow.op.core
Optional attributes for ResourceStridedSliceAssign
response() - Method in class org.tensorflow.op.tpu.WorkerHeartbeat
Gets response.
restore(String) - Method in class org.tensorflow.Session
Restore the actual state of the variables of this session's graph.
restore(Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>) - Method in class org.tensorflow.op.TrainOps
Restores tensors from a V2 checkpoint.
Restore - Class in org.tensorflow.op.train
Restores tensors from a V2 checkpoint.
Restore(Operation) - Constructor for class org.tensorflow.op.train.Restore
 
Restore.Inputs - Class in org.tensorflow.op.train
 
restoreSlice(Operand<TString>, Operand<TString>, Operand<TString>, Class<T>, RestoreSlice.Options...) - Method in class org.tensorflow.op.TrainOps
Restores a tensor from checkpoint files.
RestoreSlice<T extends TType> - Class in org.tensorflow.op.train
Restores a tensor from checkpoint files.
RestoreSlice(Operation) - Constructor for class org.tensorflow.op.train.RestoreSlice
 
RestoreSlice.Inputs - Class in org.tensorflow.op.train
 
RestoreSlice.Options - Class in org.tensorflow.op.train
Optional attributes for RestoreSlice
result() - Method in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization
Gets result.
result() - Method in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization
Gets result.
result() - Method in class org.tensorflow.op.ragged.RaggedTensorToTensor
Gets result.
Result - Class in org.tensorflow
An AutoCloseable wrapper around a Map containing Tensors.
resultIndices() - Method in class org.tensorflow.op.sparse.DenseToDenseSetOperation
Gets resultIndices.
resultIndices() - Method in class org.tensorflow.op.sparse.DenseToSparseSetOperation
Gets resultIndices.
resultIndices() - Method in class org.tensorflow.op.sparse.SparseToSparseSetOperation
Gets resultIndices.
resultMax() - Method in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization
Gets resultMax.
resultMin() - Method in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization
Gets resultMin.
results() - Method in class org.tensorflow.op.tpu.Execute
Gets results.
results() - Method in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables
Gets results.
resultShape() - Method in class org.tensorflow.op.sparse.DenseToDenseSetOperation
Gets resultShape.
resultShape() - Method in class org.tensorflow.op.sparse.DenseToSparseSetOperation
Gets resultShape.
resultShape() - Method in class org.tensorflow.op.sparse.SparseToSparseSetOperation
Gets resultShape.
resultValues() - Method in class org.tensorflow.op.sparse.DenseToDenseSetOperation
Gets resultValues.
resultValues() - Method in class org.tensorflow.op.sparse.DenseToSparseSetOperation
Gets resultValues.
resultValues() - Method in class org.tensorflow.op.sparse.SparseToSparseSetOperation
Gets resultValues.
retrieveAllTPUEmbeddingParameters(Long, String, Long, Long) - Method in class org.tensorflow.op.TpuOps
An op that retrieves optimization parameters from embedding to host memory.
RetrieveAllTPUEmbeddingParameters - Class in org.tensorflow.op.tpu
An op that retrieves optimization parameters from embedding to host memory.
RetrieveAllTPUEmbeddingParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters
 
RetrieveAllTPUEmbeddingParameters.Inputs - Class in org.tensorflow.op.tpu
 
retrieveTPUEmbeddingAdadeltaParameters(Long, Long, RetrieveTPUEmbeddingAdadeltaParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve Adadelta embedding parameters.
RetrieveTPUEmbeddingAdadeltaParameters - Class in org.tensorflow.op.tpu
Retrieve Adadelta embedding parameters.
RetrieveTPUEmbeddingAdadeltaParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
 
RetrieveTPUEmbeddingAdadeltaParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingAdadeltaParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingAdagradMomentumParameters(Long, Long, RetrieveTPUEmbeddingAdagradMomentumParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve Adagrad Momentum embedding parameters.
RetrieveTPUEmbeddingAdagradMomentumParameters - Class in org.tensorflow.op.tpu
Retrieve Adagrad Momentum embedding parameters.
RetrieveTPUEmbeddingAdagradMomentumParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
 
RetrieveTPUEmbeddingAdagradMomentumParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingAdagradMomentumParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingAdagradParameters(Long, Long, RetrieveTPUEmbeddingAdagradParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve Adagrad embedding parameters.
RetrieveTPUEmbeddingAdagradParameters - Class in org.tensorflow.op.tpu
Retrieve Adagrad embedding parameters.
RetrieveTPUEmbeddingAdagradParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
 
RetrieveTPUEmbeddingAdagradParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingAdagradParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingADAMParameters(Long, Long, RetrieveTPUEmbeddingADAMParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve ADAM embedding parameters.
RetrieveTPUEmbeddingADAMParameters - Class in org.tensorflow.op.tpu
Retrieve ADAM embedding parameters.
RetrieveTPUEmbeddingADAMParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
 
RetrieveTPUEmbeddingADAMParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingADAMParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for RetrieveTPUEmbeddingADAMParameters
retrieveTPUEmbeddingCenteredRMSPropParameters(Long, Long, RetrieveTPUEmbeddingCenteredRMSPropParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve centered RMSProp embedding parameters.
RetrieveTPUEmbeddingCenteredRMSPropParameters - Class in org.tensorflow.op.tpu
Retrieve centered RMSProp embedding parameters.
RetrieveTPUEmbeddingCenteredRMSPropParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
 
RetrieveTPUEmbeddingCenteredRMSPropParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingCenteredRMSPropParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingFrequencyEstimatorParameters(Long, Long, RetrieveTPUEmbeddingFrequencyEstimatorParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve frequency estimator embedding parameters.
RetrieveTPUEmbeddingFrequencyEstimatorParameters - Class in org.tensorflow.op.tpu
Retrieve frequency estimator embedding parameters.
RetrieveTPUEmbeddingFrequencyEstimatorParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
 
RetrieveTPUEmbeddingFrequencyEstimatorParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingFrequencyEstimatorParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingFTRLParameters(Long, Long, RetrieveTPUEmbeddingFTRLParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve FTRL embedding parameters.
RetrieveTPUEmbeddingFTRLParameters - Class in org.tensorflow.op.tpu
Retrieve FTRL embedding parameters.
RetrieveTPUEmbeddingFTRLParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
 
RetrieveTPUEmbeddingFTRLParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingFTRLParameters.Options - Class in org.tensorflow.op.tpu
Optional attributes for RetrieveTPUEmbeddingFTRLParameters
retrieveTPUEmbeddingMDLAdagradLightParameters(Long, Long, RetrieveTPUEmbeddingMDLAdagradLightParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve MDL Adagrad Light embedding parameters.
RetrieveTPUEmbeddingMDLAdagradLightParameters - Class in org.tensorflow.op.tpu
Retrieve MDL Adagrad Light embedding parameters.
RetrieveTPUEmbeddingMDLAdagradLightParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
 
RetrieveTPUEmbeddingMDLAdagradLightParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingMDLAdagradLightParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingMomentumParameters(Long, Long, RetrieveTPUEmbeddingMomentumParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve Momentum embedding parameters.
RetrieveTPUEmbeddingMomentumParameters - Class in org.tensorflow.op.tpu
Retrieve Momentum embedding parameters.
RetrieveTPUEmbeddingMomentumParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
 
RetrieveTPUEmbeddingMomentumParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingMomentumParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingProximalAdagradParameters(Long, Long, RetrieveTPUEmbeddingProximalAdagradParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve proximal Adagrad embedding parameters.
RetrieveTPUEmbeddingProximalAdagradParameters - Class in org.tensorflow.op.tpu
Retrieve proximal Adagrad embedding parameters.
RetrieveTPUEmbeddingProximalAdagradParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
 
RetrieveTPUEmbeddingProximalAdagradParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingProximalAdagradParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingProximalYogiParameters(Long, Long, RetrieveTPUEmbeddingProximalYogiParameters.Options...) - Method in class org.tensorflow.op.TpuOps
The RetrieveTPUEmbeddingProximalYogiParameters operation
RetrieveTPUEmbeddingProximalYogiParameters - Class in org.tensorflow.op.tpu
The RetrieveTPUEmbeddingProximalYogiParameters operation
RetrieveTPUEmbeddingProximalYogiParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
 
RetrieveTPUEmbeddingProximalYogiParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingProximalYogiParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingRMSPropParameters(Long, Long, RetrieveTPUEmbeddingRMSPropParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve RMSProp embedding parameters.
RetrieveTPUEmbeddingRMSPropParameters - Class in org.tensorflow.op.tpu
Retrieve RMSProp embedding parameters.
RetrieveTPUEmbeddingRMSPropParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
 
RetrieveTPUEmbeddingRMSPropParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingRMSPropParameters.Options - Class in org.tensorflow.op.tpu
retrieveTPUEmbeddingStochasticGradientDescentParameters(Long, Long, RetrieveTPUEmbeddingStochasticGradientDescentParameters.Options...) - Method in class org.tensorflow.op.TpuOps
Retrieve SGD embedding parameters.
RetrieveTPUEmbeddingStochasticGradientDescentParameters - Class in org.tensorflow.op.tpu
Retrieve SGD embedding parameters.
RetrieveTPUEmbeddingStochasticGradientDescentParameters(Operation) - Constructor for class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
 
RetrieveTPUEmbeddingStochasticGradientDescentParameters.Inputs - Class in org.tensorflow.op.tpu
 
RetrieveTPUEmbeddingStochasticGradientDescentParameters.Options - Class in org.tensorflow.op.tpu
reverse - Variable in class org.tensorflow.op.math.Cumprod.Inputs
A bool (default: False).
reverse - Variable in class org.tensorflow.op.math.Cumsum.Inputs
A bool (default: False).
reverse - Variable in class org.tensorflow.op.math.CumulativeLogsumexp.Inputs
A bool (default: False).
reverse - Variable in class org.tensorflow.op.nn.NthElement.Inputs
When set to True, find the nth-largest value in the vector and vice versa.
reverse(Boolean) - Method in class org.tensorflow.op.math.Cumprod.Options
Sets the reverse option.
reverse(Boolean) - Static method in class org.tensorflow.op.math.Cumprod
Sets the reverse option.
reverse(Boolean) - Method in class org.tensorflow.op.math.Cumsum.Options
Sets the reverse option.
reverse(Boolean) - Static method in class org.tensorflow.op.math.Cumsum
Sets the reverse option.
reverse(Boolean) - Method in class org.tensorflow.op.math.CumulativeLogsumexp.Options
Sets the reverse option.
reverse(Boolean) - Static method in class org.tensorflow.op.math.CumulativeLogsumexp
Sets the reverse option.
reverse(Boolean) - Method in class org.tensorflow.op.nn.NthElement.Options
Sets the reverse option.
reverse(Boolean) - Static method in class org.tensorflow.op.nn.NthElement
Sets the reverse option.
reverse(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Reverses specific dimensions of a tensor.
Reverse<T extends TType> - Class in org.tensorflow.op.core
Reverses specific dimensions of a tensor.
Reverse(Operation) - Constructor for class org.tensorflow.op.core.Reverse
 
Reverse.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
reverseIndexMap - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad.Inputs
The reverseIndexMap input
reverseIndexMap - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad.Inputs
1-D.
reverseIndexMap() - Method in class org.tensorflow.op.ragged.RaggedFillEmptyRows
Gets reverseIndexMap.
reverseIndexMap() - Method in class org.tensorflow.op.sparse.SparseFillEmptyRows
Gets reverseIndexMap.
reverseSequence(Operand<T>, Operand<? extends TNumber>, Long, ReverseSequence.Options...) - Method in class org.tensorflow.op.Ops
Reverses variable length slices.
ReverseSequence<T extends TType> - Class in org.tensorflow.op.core
Reverses variable length slices.
ReverseSequence(Operation) - Constructor for class org.tensorflow.op.core.ReverseSequence
 
ReverseSequence.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ReverseSequence.Options - Class in org.tensorflow.op.core
Optional attributes for ReverseSequence
rewrite - Variable in class org.tensorflow.op.strings.RegexReplace.Inputs
The rewrite string to be substituted for the pattern expression where it is matched in the input strings.
rewrite - Variable in class org.tensorflow.op.strings.StaticRegexReplace.Inputs
The rewrite to be applied to the matched expression.
rewriteDataset(Operand<? extends TType>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The RewriteDataset operation
RewriteDataset - Class in org.tensorflow.op.data
The RewriteDataset operation
RewriteDataset(Operation) - Constructor for class org.tensorflow.op.data.RewriteDataset
 
RewriteDataset.Inputs - Class in org.tensorflow.op.data
 
rewriteName - Variable in class org.tensorflow.op.data.RewriteDataset.Inputs
The rewriteName input
rfft(Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
Real-valued fast Fourier transform.
Rfft<U extends TType> - Class in org.tensorflow.op.signal
Real-valued fast Fourier transform.
Rfft(Operation) - Constructor for class org.tensorflow.op.signal.Rfft
 
Rfft.Inputs - Class in org.tensorflow.op.signal
 
rfft2d(Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
2D real-valued fast Fourier transform.
Rfft2d<U extends TType> - Class in org.tensorflow.op.signal
2D real-valued fast Fourier transform.
Rfft2d(Operation) - Constructor for class org.tensorflow.op.signal.Rfft2d
 
Rfft2d.Inputs - Class in org.tensorflow.op.signal
 
rfft3d(Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
3D real-valued fast Fourier transform.
Rfft3d<U extends TType> - Class in org.tensorflow.op.signal
3D real-valued fast Fourier transform.
Rfft3d(Operation) - Constructor for class org.tensorflow.op.signal.Rfft3d
 
Rfft3d.Inputs - Class in org.tensorflow.op.signal
 
rfftNd(Operand<? extends TNumber>, Operand<TInt32>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.SignalOps
ND fast real Fourier transform.
RfftNd<U extends TType> - Class in org.tensorflow.op.signal
ND fast real Fourier transform.
RfftNd(Operation) - Constructor for class org.tensorflow.op.signal.RfftNd
 
RfftNd.Inputs - Class in org.tensorflow.op.signal
 
rgbToHsv(Operand<T>) - Method in class org.tensorflow.op.ImageOps
Converts one or more images from RGB to HSV.
RgbToHsv<T extends TNumber> - Class in org.tensorflow.op.image
Converts one or more images from RGB to HSV.
RgbToHsv(Operation) - Constructor for class org.tensorflow.op.image.RgbToHsv
 
RgbToHsv.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
rho - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
Decay factor.
rho - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Decay rate.
rho - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
Decay rate.
rho - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
Decay factor.
rho - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Decay rate.
rho - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
Decay rate.
rho - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
Decay factor.
rho - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
Decay rate.
rho - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
Decay rate.
rho - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
Decay factor.
rho - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
Decay rate.
rho - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
Decay rate.
rhs - Variable in class org.tensorflow.op.linalg.BandedTriangularSolve.Inputs
The rhs input
rhs - Variable in class org.tensorflow.op.linalg.BatchMatrixSolve.Inputs
The rhs input
rhs - Variable in class org.tensorflow.op.linalg.BatchMatrixSolveLs.Inputs
The rhs input
rhs - Variable in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Inputs
The rhs input
rhs - Variable in class org.tensorflow.op.linalg.MatrixSolveLs.Inputs
Shape is [..., M, K].
rhs - Variable in class org.tensorflow.op.linalg.Solve.Inputs
Shape is [..., M, K].
rhs - Variable in class org.tensorflow.op.linalg.TriangularSolve.Inputs
Shape is [..., M, K].
rhs - Variable in class org.tensorflow.op.linalg.TridiagonalMatMul.Inputs
Tensor of shape [..., M, N], representing MxN matrices to the right of multiplication.
rhs - Variable in class org.tensorflow.op.linalg.TridiagonalSolve.Inputs
Tensor of shape [..., M, K], representing K right-hand sides per each left-hand side.
rhs - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
Must be a quantized tensor.
rhs - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
Must be a quantized tensor, same rank as lhs.
rhs - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
Must be a quantized Tensor of Trhs, same rank as lhs.
rhs - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
Must be a 2D Tensor of Tin.
rhs - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
Must be a 2D Tensor of Trhs.
rhsDilation - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The dilation factor to apply in each spatial dimension of rhs.
rhsDilation - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The dilation factor to apply in each spatial dimension of rhs.
rhsDilation(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the rhsDilation option.
rhsDilation(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the rhsDilation option.
rhsDilation(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the rhsDilation option.
rhsDilation(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the rhsDilation option.
rhsDilation(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the rhsDilation option.
rhsDilation(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the rhsDilation option.
rhsDilation(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the rhsDilation option.
rhsDilation(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the rhsDilation option.
rhsQuantizationAxis - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
rhsQuantizationAxis - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
rhsQuantizationAxis - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
rhsQuantizationAxis - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
rhsQuantizationAxis - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
Indicates the dimension index of the tensor where per-axis quantization is applied for the slices along that dimension.
rhsQuantizationAxis(Long) - Method in class org.tensorflow.op.math.UniformQuantizedAdd.Options
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.math.UniformQuantizedAdd
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformQuantizedDot.Options
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformQuantizedDot
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Method in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Options
Sets the rhsQuantizationAxis option.
rhsQuantizationAxis(Long) - Static method in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid
Sets the rhsQuantizationAxis option.
rhsQuantizationMaxVal - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The max value of the quantized data stored in rhs.
rhsQuantizationMaxVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The max value of the quantized data stored in rhs.
rhsQuantizationMaxVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The max value of the quantized data stored in rhs.
rhsQuantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The max value of the quantized data stored in rhs.
rhsQuantizationMaxVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
The max value of the quantized data stored in rhs.
rhsQuantizationMinVal - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The min value of the quantized data stored in rhs.
rhsQuantizationMinVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The min value of the quantized data stored in rhs.
rhsQuantizationMinVal - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The min value of the quantized data stored in rhs.
rhsQuantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The min value of the quantized data stored in rhs.
rhsQuantizationMinVal - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
The min value of the quantized data stored in rhs.
rhsScales - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The float value(s) used as scale factors when quantizing the original data that rhs represents.
rhsScales - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The float value(s) used as scale factors when quantizing the original data that rhs represents.
rhsScales - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The float value(s) used as scale factors when quantizing the original data that rhs represents.
rhsScales - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The float value(s) used as scale when quantizing original data that rhs represents.
rhsScales - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
The float value(s) used as scale when quantizing original data that rhs represents.
rhsZeroPoints - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The int32 value(s) used as zero points when quantizing original data that rhs represents.
rhsZeroPoints - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The int32 value(s) used as zero points when quantizing original data that rhs represents.
rhsZeroPoints - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The int32 value(s) used as zero_point when quantizing original data that rhs represents.
rhsZeroPoints - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The int32 value(s) used as zero_point when quantizing original data that rhs represents.
rhsZeroPoints - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
The int32 value(s) used as zero_point when quantizing original data that rhs represents.
rightPad - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The string to use to pad the right side of the ngram sequence.
rightShift(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.BitwiseOps
Elementwise computes the bitwise right-shift of x and y.
RightShift<T extends TNumber> - Class in org.tensorflow.op.bitwise
Elementwise computes the bitwise right-shift of x and y.
RightShift(Operation) - Constructor for class org.tensorflow.op.bitwise.RightShift
 
RightShift.Inputs<T extends TNumber> - Class in org.tensorflow.op.bitwise
 
rint(Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns element-wise integer closest to x.
Rint<T extends TNumber> - Class in org.tensorflow.op.math
Returns element-wise integer closest to x.
Rint(Operation) - Constructor for class org.tensorflow.op.math.Rint
 
Rint.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
rngReadAndSkip(Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>) - Method in class org.tensorflow.op.RandomOps
Advance the counter of a counter-based RNG.
RngReadAndSkip - Class in org.tensorflow.op.random
Advance the counter of a counter-based RNG.
RngReadAndSkip(Operation) - Constructor for class org.tensorflow.op.random.RngReadAndSkip
 
RngReadAndSkip.Inputs - Class in org.tensorflow.op.random
 
rngSkip(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.RandomOps
Advance the counter of a counter-based RNG.
RngSkip - Class in org.tensorflow.op.random
Advance the counter of a counter-based RNG.
RngSkip(Operation) - Constructor for class org.tensorflow.op.random.RngSkip
 
RngSkip.Inputs - Class in org.tensorflow.op.random
 
rnnMode - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The rnnMode attribute
rnnMode - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The rnnMode attribute
rnnMode - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The rnnMode attribute
rnnMode - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The rnnMode attribute
rnnMode - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The rnnMode attribute
rnnMode(String) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the rnnMode option.
rnnMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the rnnMode option.
rnnMode(String) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the rnnMode option.
rnnMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the rnnMode option.
rnnMode(String) - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Options
Sets the rnnMode option.
rnnMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Sets the rnnMode option.
rnnMode(String) - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize.Options
Sets the rnnMode option.
rnnMode(String) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Sets the rnnMode option.
rnnMode(String) - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Options
Sets the rnnMode option.
rnnMode(String) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Sets the rnnMode option.
roiProbabilities() - Method in class org.tensorflow.op.image.GenerateBoundingBoxProposals
Gets roiProbabilities.
rois() - Method in class org.tensorflow.op.image.GenerateBoundingBoxProposals
Gets rois.
roll(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Rolls the elements of a tensor along an axis.
Roll<T extends TType> - Class in org.tensorflow.op.core
Rolls the elements of a tensor along an axis.
Roll(Operation) - Constructor for class org.tensorflow.op.core.Roll
 
Roll.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
round(Operand<T>) - Method in class org.tensorflow.op.MathOps
Rounds the values of a tensor to the nearest integer, element-wise.
Round<T extends TType> - Class in org.tensorflow.op.math
Rounds the values of a tensor to the nearest integer, element-wise.
Round(Operation) - Constructor for class org.tensorflow.op.math.Round
 
Round.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
roundMode - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The roundMode attribute
roundMode - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
The 'round_mode' attribute controls which rounding tie-breaking algorithm is used when rounding float values to their quantized equivalents.
roundMode(String) - Method in class org.tensorflow.op.quantization.Quantize.Options
Sets the roundMode option.
roundMode(String) - Static method in class org.tensorflow.op.quantization.Quantize
Sets the roundMode option.
roundMode(String) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Options
Sets the roundMode option.
roundMode(String) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Sets the roundMode option.
rounds - Variable in class org.tensorflow.op.core.RandomIndexShuffle.Inputs
The number of rounds to use the in block cipher.
rounds(Long) - Method in class org.tensorflow.op.core.RandomIndexShuffle.Options
Sets the rounds option.
rounds(Long) - Static method in class org.tensorflow.op.core.RandomIndexShuffle
Sets the rounds option.
rowIds - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The rowIds input
rowIds - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The rowIds input
rowIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The rowIds input
rowIds() - Method in class org.tensorflow.op.tpu.ConvertToCooTensor
Gets rowIds.
rowPartitionTensors - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
The rowPartitionTensors input
rowPartitionTypes - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
The types of the row partition tensors.
rowPointers - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The rowPointers input
rowPointers - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The rowPointers input
rowPointers - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The rowPointers input
rowPointers - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The rowPointers input
rowPointers - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The rowPointers input
rowPointers - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The rowPointers input
rowPointers() - Method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Gets rowPointers.
rowPointers() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmul
Gets rowPointers.
rowPointersUnpaddedSize() - Method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Gets rowPointersUnpaddedSize.
rowPoolingSequence - Variable in class org.tensorflow.op.nn.FractionalAvgPoolGrad.Inputs
row pooling sequence, form pooling region with col_pooling_sequence.
rowPoolingSequence - Variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
row pooling sequence, form pooling region with col_pooling_sequence.
rowPoolingSequence() - Method in class org.tensorflow.op.nn.FractionalAvgPool
Gets rowPoolingSequence.
rowPoolingSequence() - Method in class org.tensorflow.op.nn.FractionalMaxPool
Gets rowPoolingSequence.
rowPtrs() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents
Gets rowPtrs.
rowRemapping - Variable in class org.tensorflow.op.linalg.LoadAndRemapMatrix.Inputs
An int Tensor of row remappings (generally created by generate_vocab_remapping).
rowShape - Variable in class org.tensorflow.op.data.DenseToSparseBatchDataset.Inputs
A vector representing the dense shape of each row in the produced SparseTensor.
rowShape - Variable in class org.tensorflow.op.data.experimental.DenseToSparseBatchDataset.Inputs
A vector representing the dense shape of each row in the produced SparseTensor.
rowSplits - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient.Inputs
Outermost row-splits that were used as input to the RaggedTensorToVariant op.
rowSplits() - Method in class org.tensorflow.op.strings.UnicodeDecode
Gets rowSplits.
rowSplits() - Method in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
Gets rowSplits.
rsqrt(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes reciprocal of square root of x element-wise.
Rsqrt<T extends TType> - Class in org.tensorflow.op.math
Computes reciprocal of square root of x element-wise.
Rsqrt(Operation) - Constructor for class org.tensorflow.op.math.Rsqrt
 
Rsqrt.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
rsqrtGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the gradient for the rsqrt of x wrt its input.
RsqrtGrad<T extends TType> - Class in org.tensorflow.op.math
Computes the gradient for the rsqrt of x wrt its input.
RsqrtGrad(Operation) - Constructor for class org.tensorflow.op.math.RsqrtGrad
 
RsqrtGrad.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
rtDenseValues - Variable in class org.tensorflow.op.ragged.RaggedTensorToSparse.Inputs
The flat_values for the RaggedTensor.
rtDenseValues - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariant.Inputs
A Tensor representing the values of the input RaggedTensor.
rtDenseValues() - Method in class org.tensorflow.op.ragged.RaggedRange
Gets rtDenseValues.
rtNestedSplits - Variable in class org.tensorflow.op.ragged.RaggedTensorToSparse.Inputs
The row_splits for the RaggedTensor.
rtNestedSplits - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariant.Inputs
A list of one or more Tensors representing the splits of the input RaggedTensor.
rtNestedSplits() - Method in class org.tensorflow.op.ragged.RaggedRange
Gets rtNestedSplits.
Rtype - Variable in class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
The Rtype attribute
run() - Method in class org.tensorflow.Session.Runner
Execute the graph fragments necessary to compute all requested fetches.
run(String) - Method in class org.tensorflow.Session
Executes an operation in the graph with the given name.
run(Op) - Method in class org.tensorflow.Session
Executes an operation in the graph.
run(Signature, Map<String, Tensor>) - Method in class org.tensorflow.Session
Create and call a function, returning the results.
runAndFetchMetadata() - Method in class org.tensorflow.Session.Runner
Execute graph fragments to compute requested fetches and return metadata about the run.
runName - Variable in class org.tensorflow.op.summary.CreateSummaryDbWriter.Inputs
The runName input
runner() - Method in class org.tensorflow.Session
Create a Runner to execute graph operations and evaluate Tensors.
Runner() - Constructor for class org.tensorflow.Session.Runner
 

S

s() - Method in class org.tensorflow.op.linalg.BatchSvd
Gets s.
s() - Method in class org.tensorflow.op.linalg.Svd
Gets s.
S - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The S attribute
S - Variable in class org.tensorflow.op.random.RandomGamma.Inputs
The S attribute
S - Variable in class org.tensorflow.op.random.RandomPoisson.Inputs
The S attribute
S - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The S attribute
S - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The S attribute
S - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
The S attribute
s0 - Variable in class org.tensorflow.op.core.BroadcastDynamicShape.Inputs
The s0 input
s0 - Variable in class org.tensorflow.op.core.BroadcastGradientArgs.Inputs
The s0 input
s1 - Variable in class org.tensorflow.op.core.BroadcastDynamicShape.Inputs
The s1 input
s1 - Variable in class org.tensorflow.op.core.BroadcastGradientArgs.Inputs
The s1 input
salt - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
Specify the salt that will be used by the siphash function.
sample - Variable in class org.tensorflow.op.random.RandomGammaGrad.Inputs
The sample input
sampleCount - Variable in class org.tensorflow.op.tpu.ConvertToCooTensor.Inputs
The sampleCount attribute
sampleCount - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The sampleCount attribute
sampleCount - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The sampleCount attribute
sampleCount - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The sampleCount attribute
sampledCandidates - Variable in class org.tensorflow.op.nn.ComputeAccidentalHits.Inputs
The sampled_candidates output of CandidateSampler.
sampledCandidates() - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Gets sampledCandidates.
sampledCandidates() - Method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
Gets sampledCandidates.
sampledCandidates() - Method in class org.tensorflow.op.random.AllCandidateSampler
Gets sampledCandidates.
sampledCandidates() - Method in class org.tensorflow.op.random.LogUniformCandidateSampler
Gets sampledCandidates.
sampledCandidates() - Method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
Gets sampledCandidates.
sampledCandidates() - Method in class org.tensorflow.op.random.UniformCandidateSampler
Gets sampledCandidates.
sampledExpectedCount() - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Gets sampledExpectedCount.
sampledExpectedCount() - Method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
Gets sampledExpectedCount.
sampledExpectedCount() - Method in class org.tensorflow.op.random.AllCandidateSampler
Gets sampledExpectedCount.
sampledExpectedCount() - Method in class org.tensorflow.op.random.LogUniformCandidateSampler
Gets sampledExpectedCount.
sampledExpectedCount() - Method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
Gets sampledExpectedCount.
sampledExpectedCount() - Method in class org.tensorflow.op.random.UniformCandidateSampler
Gets sampledExpectedCount.
sampleDistortedBoundingBox(Operand<T>, Operand<TFloat32>, Operand<TFloat32>, SampleDistortedBoundingBox.Options...) - Method in class org.tensorflow.op.ImageOps
Generate a single randomly distorted bounding box for an image.
SampleDistortedBoundingBox<T extends TNumber> - Class in org.tensorflow.op.image
Generate a single randomly distorted bounding box for an image.
SampleDistortedBoundingBox(Operation) - Constructor for class org.tensorflow.op.image.SampleDistortedBoundingBox
 
SampleDistortedBoundingBox.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
SampleDistortedBoundingBox.Options - Class in org.tensorflow.op.image
Optional attributes for SampleDistortedBoundingBox
sampleIndices - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
A list of rank 1 Tensors specifying the training example and feature to which the corresponding embedding_indices and aggregation_weights values belong.
sampleIndices - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
A list of rank 1 Tensors specifying the training example to which the corresponding embedding_indices and aggregation_weights values belong.
sampleIndicesOrRowSplits - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of rank 2 Tensors specifying the training example to which the corresponding embedding_indices and aggregation_weights values belong.
sampleIndicesOrRowSplits - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
A list of rank 2 Tensors specifying the training example to which the corresponding embedding_indices and aggregation_weights values belong.
sampleRate - Variable in class org.tensorflow.op.audio.EncodeWav.Inputs
Scalar containing the sample frequency.
sampleRate - Variable in class org.tensorflow.op.audio.Mfcc.Inputs
How many samples per second the source audio used.
sampleRate - Variable in class org.tensorflow.op.summary.AudioSummary.Inputs
The sample rate of the signal in hertz.
sampleRate - Variable in class org.tensorflow.op.summary.WriteAudioSummary.Inputs
The sampleRate input
sampleRate() - Method in class org.tensorflow.op.audio.DecodeWav
Gets sampleRate.
samples() - Method in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization
Gets samples.
samples() - Method in class org.tensorflow.op.math.SobolSample
Gets samples.
sampleSplits - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The sampleSplits input
sampleSplits - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
A list of rank 1 Tensors specifying the break points for splitting embedding_indices and aggregation_weights into rows.
samplingDataset(Operand<? extends TType>, Operand<TFloat32>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that takes a Bernoulli sample of the contents of another dataset.
SamplingDataset - Class in org.tensorflow.op.data
Creates a dataset that takes a Bernoulli sample of the contents of another dataset.
SamplingDataset(Operation) - Constructor for class org.tensorflow.op.data.SamplingDataset
 
SamplingDataset.Inputs - Class in org.tensorflow.op.data
 
sanitize - Variable in class org.tensorflow.op.core.DecodeProto.Inputs
Whether to sanitize the result or not.
sanitize(Boolean) - Method in class org.tensorflow.op.core.DecodeProto.Options
Sets the sanitize option.
sanitize(Boolean) - Static method in class org.tensorflow.op.core.DecodeProto
Sets the sanitize option.
save(String) - Method in class org.tensorflow.Session
Saves the actual state of the variables of this session's graph.
save(String) - Method in class org.tensorflow.SessionFunction
Save this function using SavedModelBundle.
save(Operand<TString>, Operand<TString>, Operand<TString>, Iterable<Operand<?>>) - Method in class org.tensorflow.op.TrainOps
Saves tensors in V2 checkpoint format.
Save - Class in org.tensorflow.op.train
Saves tensors in V2 checkpoint format.
Save(Operation) - Constructor for class org.tensorflow.op.train.Save
 
Save.Inputs - Class in org.tensorflow.op.train
 
saveDataset(Operand<? extends TType>, Operand<TString>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, SaveDataset.Options...) - Method in class org.tensorflow.op.DataOps
The SaveDatasetV2 operation
SaveDataset - Class in org.tensorflow.op.data
The SaveDatasetV2 operation
SaveDataset(Operation) - Constructor for class org.tensorflow.op.data.SaveDataset
 
SaveDataset.Inputs - Class in org.tensorflow.op.data
 
SaveDataset.Options - Class in org.tensorflow.op.data
Optional attributes for SaveDataset
SavedModelBundle - Class in org.tensorflow
SavedModelBundle represents a model loaded from storage.
SavedModelBundle.Exporter - Class in org.tensorflow
Options for exporting a SavedModel.
SavedModelBundle.Loader - Class in org.tensorflow
Options for loading a SavedModel.
saveSlices(Operand<TString>, Operand<TString>, Operand<TString>, Iterable<Operand<?>>) - Method in class org.tensorflow.op.TrainOps
Saves input tensors slices to disk.
SaveSlices - Class in org.tensorflow.op.train
Saves input tensors slices to disk.
SaveSlices(Operation) - Constructor for class org.tensorflow.op.train.SaveSlices
 
SaveSlices.Inputs - Class in org.tensorflow.op.train
 
scalarOf(boolean) - Static method in interface org.tensorflow.types.TBool
Allocates a new tensor for storing a single boolean value.
scalarOf(byte) - Static method in interface org.tensorflow.types.TUint8
Allocates a new tensor for storing a single byte value.
scalarOf(double) - Static method in interface org.tensorflow.types.TFloat64
Allocates a new tensor for storing a single double value.
scalarOf(float) - Static method in interface org.tensorflow.types.TBfloat16
Allocates a new tensor for storing a single float value.
scalarOf(float) - Static method in interface org.tensorflow.types.TFloat16
Allocates a new tensor for storing a single float value.
scalarOf(float) - Static method in interface org.tensorflow.types.TFloat32
Allocates a new tensor for storing a single float value.
scalarOf(int) - Static method in interface org.tensorflow.types.TInt32
Allocates a new tensor for storing a single int value.
scalarOf(long) - Static method in interface org.tensorflow.types.TInt64
Allocates a new tensor for storing a single long value.
scalarOf(short) - Static method in interface org.tensorflow.types.TUint16
Allocates a new tensor for storing a single short value.
scalarOf(String) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor for storing a string scalar.
scalarOf(Scope, boolean) - Static method in class org.tensorflow.op.core.Constant
Creates a constant containing a single boolean element.
scalarOf(Scope, byte) - Static method in class org.tensorflow.op.core.Constant
Creates a constant containing a single byte element.
scalarOf(Scope, double) - Static method in class org.tensorflow.op.core.Constant
Creates a constant containing a single double element.
scalarOf(Scope, float) - Static method in class org.tensorflow.op.core.Constant
Creates a constant containing a single float element.
scalarOf(Scope, int) - Static method in class org.tensorflow.op.core.Constant
Creates a constant containing a single int element.
scalarOf(Scope, long) - Static method in class org.tensorflow.op.core.Constant
Creates a constant containing a single long element.
scalarOf(Scope, String) - Static method in class org.tensorflow.op.core.Constant
Creates a String constant using the default, UTF-8 encoding.
scalarOf(Scope, Charset, String) - Static method in class org.tensorflow.op.core.Constant
Creates a String constant using a specified encoding.
scalarSummary(Operand<TString>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.SummaryOps
Outputs a Summary protocol buffer with scalar values.
ScalarSummary - Class in org.tensorflow.op.summary
Outputs a Summary protocol buffer with scalar values.
ScalarSummary(Operation) - Constructor for class org.tensorflow.op.summary.ScalarSummary
 
ScalarSummary.Inputs - Class in org.tensorflow.op.summary
 
scale - Variable in class org.tensorflow.op.image.AdjustSaturation.Inputs
A float scale to add to the saturation.
scale - Variable in class org.tensorflow.op.image.ScaleAndTranslate.Inputs
The scale input
scale - Variable in class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
The scale input
scale - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
A 1D Tensor for scaling factor, to scale the normalized x.
scale - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
A 1D Tensor for scaling factor, to scale the normalized x.
scaleAfterNormalization - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
A bool indicating whether the resulted tensor needs to be multiplied with gamma.
scaleAfterNormalization - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
A bool indicating whether the resulted tensor needs to be multiplied with gamma.
scaleAfterNormalization - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
A bool indicating whether the resulted tensor needs to be multiplied with gamma.
scaleAndTranslate(Operand<? extends TNumber>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, ScaleAndTranslate.Options...) - Method in class org.tensorflow.op.ImageOps
The ScaleAndTranslate operation
ScaleAndTranslate - Class in org.tensorflow.op.image
The ScaleAndTranslate operation
ScaleAndTranslate(Operation) - Constructor for class org.tensorflow.op.image.ScaleAndTranslate
 
ScaleAndTranslate.Inputs - Class in org.tensorflow.op.image
 
ScaleAndTranslate.Options - Class in org.tensorflow.op.image
Optional attributes for ScaleAndTranslate
scaleAndTranslateGrad(Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TFloat32>, ScaleAndTranslateGrad.Options...) - Method in class org.tensorflow.op.ImageOps
The ScaleAndTranslateGrad operation
ScaleAndTranslateGrad<T extends TNumber> - Class in org.tensorflow.op.image
The ScaleAndTranslateGrad operation
ScaleAndTranslateGrad(Operation) - Constructor for class org.tensorflow.op.image.ScaleAndTranslateGrad
 
ScaleAndTranslateGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
ScaleAndTranslateGrad.Options - Class in org.tensorflow.op.image
Optional attributes for ScaleAndTranslateGrad
scaleBackprop() - Method in class org.tensorflow.op.nn.FusedBatchNormGrad
Gets scaleBackprop.
scales - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
The float value(s) used as scale(s) when quantizing operand, min and max.
scales - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
The float value(s) used as scale(s) when quantizing original data that input represents.
scales - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
The float value(s) to use as scale(s) to quantize input.
scanDataset(Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ScanDataset.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset successively reduces f over the elements of input_dataset.
scanDataset(Operand<? extends TType>, Iterable<Operand<?>>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, ScanDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset successively reduces f over the elements of input_dataset.
ScanDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset successively reduces f over the elements of input_dataset.
ScanDataset - Class in org.tensorflow.op.data
Creates a dataset successively reduces f over the elements of input_dataset.
ScanDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.ScanDataset
 
ScanDataset(Operation) - Constructor for class org.tensorflow.op.data.ScanDataset
 
ScanDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
ScanDataset.Inputs - Class in org.tensorflow.op.data
 
ScanDataset.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for ScanDataset
ScanDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ScanDataset
scatterAdd(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterAdd.Options...) - Method in class org.tensorflow.op.Ops
Adds sparse updates to a variable reference.
ScatterAdd<T extends TType> - Class in org.tensorflow.op.core
Adds sparse updates to a variable reference.
ScatterAdd(Operation) - Constructor for class org.tensorflow.op.core.ScatterAdd
 
ScatterAdd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterAdd.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterAdd
scatterDiv(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterDiv.Options...) - Method in class org.tensorflow.op.Ops
Divides a variable reference by sparse updates.
ScatterDiv<T extends TType> - Class in org.tensorflow.op.core
Divides a variable reference by sparse updates.
ScatterDiv(Operation) - Constructor for class org.tensorflow.op.core.ScatterDiv
 
ScatterDiv.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterDiv.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterDiv
scatterMax(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterMax.Options...) - Method in class org.tensorflow.op.Ops
Reduces sparse updates into a variable reference using the max operation.
ScatterMax<T extends TNumber> - Class in org.tensorflow.op.core
Reduces sparse updates into a variable reference using the max operation.
ScatterMax(Operation) - Constructor for class org.tensorflow.op.core.ScatterMax
 
ScatterMax.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
ScatterMax.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterMax
scatterMin(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterMin.Options...) - Method in class org.tensorflow.op.Ops
Reduces sparse updates into a variable reference using the min operation.
ScatterMin<T extends TNumber> - Class in org.tensorflow.op.core
Reduces sparse updates into a variable reference using the min operation.
ScatterMin(Operation) - Constructor for class org.tensorflow.op.core.ScatterMin
 
ScatterMin.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
ScatterMin.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterMin
scatterMul(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterMul.Options...) - Method in class org.tensorflow.op.Ops
Multiplies sparse updates into a variable reference.
ScatterMul<T extends TType> - Class in org.tensorflow.op.core
Multiplies sparse updates into a variable reference.
ScatterMul(Operation) - Constructor for class org.tensorflow.op.core.ScatterMul
 
ScatterMul.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterMul.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterMul
scatterNd(Operand<T>, Operand<U>, Operand<T>) - Method in class org.tensorflow.op.Ops
Scatters updates into a tensor of shape shape according to indices.
ScatterNd<U extends TType> - Class in org.tensorflow.op.core
Scatters updates into a tensor of shape shape according to indices.
ScatterNd(Operation) - Constructor for class org.tensorflow.op.core.ScatterNd
 
ScatterNd.Inputs<T extends TNumber,U extends TType> - Class in org.tensorflow.op.core
 
scatterNdAdd(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdAdd.Options...) - Method in class org.tensorflow.op.Ops
Applies sparse addition to individual values or slices in a Variable.
ScatterNdAdd<T extends TType> - Class in org.tensorflow.op.core
Applies sparse addition to individual values or slices in a Variable.
ScatterNdAdd(Operation) - Constructor for class org.tensorflow.op.core.ScatterNdAdd
 
ScatterNdAdd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterNdAdd.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterNdAdd
scatterNdMax(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdMax.Options...) - Method in class org.tensorflow.op.Ops
Computes element-wise maximum.
ScatterNdMax<T extends TType> - Class in org.tensorflow.op.core
Computes element-wise maximum.
ScatterNdMax(Operation) - Constructor for class org.tensorflow.op.core.ScatterNdMax
 
ScatterNdMax.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterNdMax.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterNdMax
scatterNdMin(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdMin.Options...) - Method in class org.tensorflow.op.Ops
Computes element-wise minimum.
ScatterNdMin<T extends TType> - Class in org.tensorflow.op.core
Computes element-wise minimum.
ScatterNdMin(Operation) - Constructor for class org.tensorflow.op.core.ScatterNdMin
 
ScatterNdMin.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterNdMin.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterNdMin
scatterNdNonAliasingAdd(Operand<T>, Operand<? extends TNumber>, Operand<T>) - Method in class org.tensorflow.op.Ops
Applies sparse addition to input using individual values or slices from updates according to indices indices.
ScatterNdNonAliasingAdd<T extends TType> - Class in org.tensorflow.op.core
Applies sparse addition to input using individual values or slices from updates according to indices indices.
ScatterNdNonAliasingAdd(Operation) - Constructor for class org.tensorflow.op.core.ScatterNdNonAliasingAdd
 
ScatterNdNonAliasingAdd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
scatterNdSub(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdSub.Options...) - Method in class org.tensorflow.op.Ops
Applies sparse subtraction to individual values or slices in a Variable.
ScatterNdSub<T extends TType> - Class in org.tensorflow.op.core
Applies sparse subtraction to individual values or slices in a Variable.
ScatterNdSub(Operation) - Constructor for class org.tensorflow.op.core.ScatterNdSub
 
ScatterNdSub.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterNdSub.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterNdSub
scatterNdUpdate(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterNdUpdate.Options...) - Method in class org.tensorflow.op.Ops
Applies sparse updates to individual values or slices within a given variable according to indices.
ScatterNdUpdate<T extends TType> - Class in org.tensorflow.op.core
Applies sparse updates to individual values or slices within a given variable according to indices.
ScatterNdUpdate(Operation) - Constructor for class org.tensorflow.op.core.ScatterNdUpdate
 
ScatterNdUpdate.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterNdUpdate.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterNdUpdate
scatterSub(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterSub.Options...) - Method in class org.tensorflow.op.Ops
Subtracts sparse updates to a variable reference.
ScatterSub<T extends TType> - Class in org.tensorflow.op.core
Subtracts sparse updates to a variable reference.
ScatterSub(Operation) - Constructor for class org.tensorflow.op.core.ScatterSub
 
ScatterSub.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterSub.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterSub
scatterUpdate(Operand<T>, Operand<? extends TNumber>, Operand<T>, ScatterUpdate.Options...) - Method in class org.tensorflow.op.Ops
Applies sparse updates to a variable reference.
ScatterUpdate<T extends TType> - Class in org.tensorflow.op.core
Applies sparse updates to a variable reference.
ScatterUpdate(Operation) - Constructor for class org.tensorflow.op.core.ScatterUpdate
 
ScatterUpdate.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
ScatterUpdate.Options - Class in org.tensorflow.op.core
Optional attributes for ScatterUpdate
scheme - Variable in class org.tensorflow.op.core.FileSystemSetConfiguration.Inputs
File system scheme.
scientific - Variable in class org.tensorflow.op.dtypes.AsString.Inputs
Use scientific notation for floating point numbers.
scientific(Boolean) - Method in class org.tensorflow.op.dtypes.AsString.Options
Sets the scientific option.
scientific(Boolean) - Static method in class org.tensorflow.op.dtypes.AsString
Sets the scientific option.
scope() - Method in class org.tensorflow.op.Ops
Returns the current scope of this API
Scope - Interface in org.tensorflow.op
Manages groups of related properties when creating Tensorflow Operations, such as a common name prefix.
scores - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
A 3-D float tensor of shape [batch_size, num_boxes, num_classes] representing a single score corresponding to each box (each row of boxes).
scores - Variable in class org.tensorflow.op.image.GenerateBoundingBoxProposals.Inputs
A 4-D float tensor of shape [num_images, height, width, num_achors] containing scores of the boxes for given anchors, can be unsorted.
scores - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
A 1-D float tensor of shape [num_boxes] representing a single score corresponding to each box (each row of boxes).
scores - Variable in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps.Inputs
A 1-D float tensor of shape [num_boxes] representing a single score corresponding to each box (each row of boxes).
scoreThreshold - Variable in class org.tensorflow.op.image.CombinedNonMaxSuppression.Inputs
A 0-D float tensor representing the threshold for deciding when to remove boxes based on score.
scoreThreshold - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
A 0-D float tensor representing the threshold for deciding when to remove boxes based on score.
scoreThreshold - Variable in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps.Inputs
A 0-D float tensor representing the threshold for deciding when to remove boxes based on score.
sdcaFprint(Operand<TString>) - Method in class org.tensorflow.op.TrainOps
Computes fingerprints of the input strings.
SdcaFprint - Class in org.tensorflow.op.train
Computes fingerprints of the input strings.
SdcaFprint(Operation) - Constructor for class org.tensorflow.op.train.SdcaFprint
 
SdcaFprint.Inputs - Class in org.tensorflow.op.train
 
sdcaOptimizer(Iterable<Operand<TInt64>>, Iterable<Operand<TInt64>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Operand<TFloat32>, Operand<TFloat32>, Iterable<Operand<TInt64>>, Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Operand<TFloat32>, String, Float, Float, Long, Long, SdcaOptimizer.Options...) - Method in class org.tensorflow.op.TrainOps
Distributed version of Stochastic Dual Coordinate Ascent (SDCA) optimizer for linear models with L1 + L2 regularization.
SdcaOptimizer - Class in org.tensorflow.op.train
Distributed version of Stochastic Dual Coordinate Ascent (SDCA) optimizer for linear models with L1 + L2 regularization.
SdcaOptimizer(Operation) - Constructor for class org.tensorflow.op.train.SdcaOptimizer
 
SdcaOptimizer.Inputs - Class in org.tensorflow.op.train
 
SdcaOptimizer.Options - Class in org.tensorflow.op.train
Optional attributes for SdcaOptimizer
sdcaShrinkL1(Iterable<Operand<TFloat32>>, Float, Float) - Method in class org.tensorflow.op.TrainOps
Applies L1 regularization shrink step on the parameters.
SdcaShrinkL1 - Class in org.tensorflow.op.train
Applies L1 regularization shrink step on the parameters.
SdcaShrinkL1(Operation) - Constructor for class org.tensorflow.op.train.SdcaShrinkL1
 
SdcaShrinkL1.Inputs - Class in org.tensorflow.op.train
 
seed - Variable in class org.tensorflow.op.cluster.KMC2ChainInitialization.Inputs
Scalar.
seed - Variable in class org.tensorflow.op.cluster.KmeansPlusPlusInitialization.Inputs
Scalar.
seed - Variable in class org.tensorflow.op.core.RandomIndexShuffle.Inputs
A tensor of dtype Tseed and shape [3] or [n, 3].
seed - Variable in class org.tensorflow.op.data.experimental.RandomDataset.Inputs
A scalar seed for the random number generator.
seed - Variable in class org.tensorflow.op.data.RandomDataset.Inputs
A scalar seed for the random number generator.
seed - Variable in class org.tensorflow.op.data.SamplingDataset.Inputs
A scalar representing seed of random number generator.
seed - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The seed input
seed - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The seed input
seed - Variable in class org.tensorflow.op.image.RandomCrop.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
If either seed or seed2 are set to non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
1-D with shape [2].
seed - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
If either seed or seed2 is set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.nn.ComputeAccidentalHits.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The seed attribute
seed - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The seed attribute
seed - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The seed attribute
seed - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The seed attribute
seed - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The seed attribute
seed - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.AllCandidateSampler.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.AnonymousRandomSeedGenerator.Inputs
The seed input
seed - Variable in class org.tensorflow.op.random.AnonymousSeedGenerator.Inputs
The seed input
seed - Variable in class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.Multinomial.Inputs
If either seed or seed2 is set to be non-zero, the internal random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.RandomGamma.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.RandomPoisson.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.RandomShuffle.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.RandomStandardNormal.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.RandomUniform.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.RandomUniformInt.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.StatelessMultinomial.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomGetKeyCounter.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomNormal.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomUniform.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullInt.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.StatelessTruncatedNormal.Inputs
2 seeds (shape [2]).
seed - Variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.TruncatedNormal.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed - Variable in class org.tensorflow.op.random.UniformCandidateSampler.Inputs
If either seed or seed2 are set to be non-zero, the random number generator is seeded by the given seed.
seed(Long) - Method in class org.tensorflow.op.image.RandomCrop.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.image.RandomCrop
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.ComputeAccidentalHits.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.ComputeAccidentalHits
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.FractionalAvgPool.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.FractionalAvgPool
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.FractionalMaxPool.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.FractionalMaxPool
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.AllCandidateSampler.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.AllCandidateSampler
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.LogUniformCandidateSampler.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.LogUniformCandidateSampler
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.Multinomial.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.Multinomial
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.ParameterizedTruncatedNormal
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.RandomGamma.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.RandomGamma
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.RandomPoisson.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.RandomPoisson
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.RandomShuffle.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.RandomShuffle
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.RandomStandardNormal.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.RandomStandardNormal
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.RandomUniform.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.RandomUniform
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.RandomUniformInt.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.RandomUniformInt
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.TruncatedNormal.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.TruncatedNormal
Sets the seed option.
seed(Long) - Method in class org.tensorflow.op.random.UniformCandidateSampler.Options
Sets the seed option.
seed(Long) - Static method in class org.tensorflow.op.random.UniformCandidateSampler
Sets the seed option.
seed2 - Variable in class org.tensorflow.op.data.experimental.RandomDataset.Inputs
A second scalar seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.data.RandomDataset.Inputs
A second scalar seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.data.SamplingDataset.Inputs
A scalar representing seed2 of random number generator.
seed2 - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The seed2 input
seed2 - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The seed2 input
seed2 - Variable in class org.tensorflow.op.image.RandomCrop.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.nn.ComputeAccidentalHits.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The seed2 attribute
seed2 - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The seed2 attribute
seed2 - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The seed2 attribute
seed2 - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The seed2 attribute
seed2 - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The seed2 attribute
seed2 - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.AllCandidateSampler.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.AnonymousRandomSeedGenerator.Inputs
The seed2 input
seed2 - Variable in class org.tensorflow.op.random.AnonymousSeedGenerator.Inputs
The seed2 input
seed2 - Variable in class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.Multinomial.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.RandomGamma.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.RandomPoisson.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.RandomShuffle.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.RandomStandardNormal.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.RandomUniform.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.RandomUniformInt.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
An second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.TruncatedNormal.Inputs
A second seed to avoid seed collision.
seed2 - Variable in class org.tensorflow.op.random.UniformCandidateSampler.Inputs
An second seed to avoid seed collision.
seed2(Long) - Method in class org.tensorflow.op.image.RandomCrop.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.image.RandomCrop
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.ComputeAccidentalHits.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.ComputeAccidentalHits
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.CudnnRnnParamsSize.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.CudnnRnnParamsSize
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.FractionalAvgPool.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.FractionalAvgPool
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.FractionalMaxPool.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.FractionalMaxPool
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.AllCandidateSampler.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.AllCandidateSampler
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.LogUniformCandidateSampler.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.LogUniformCandidateSampler
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.Multinomial.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.Multinomial
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.ParameterizedTruncatedNormal
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.RandomGamma.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.RandomGamma
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.RandomPoisson.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.RandomPoisson
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.RandomShuffle.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.RandomShuffle
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.RandomStandardNormal.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.RandomStandardNormal
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.RandomUniform.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.RandomUniform
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.RandomUniformInt.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.RandomUniformInt
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.TruncatedNormal.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.TruncatedNormal
Sets the seed2 option.
seed2(Long) - Method in class org.tensorflow.op.random.UniformCandidateSampler.Options
Sets the seed2 option.
seed2(Long) - Static method in class org.tensorflow.op.random.UniformCandidateSampler
Sets the seed2 option.
seedGenerator - Variable in class org.tensorflow.op.data.RandomDataset.Inputs
A resource for the random number seed generator.
seedGenerator - Variable in class org.tensorflow.op.data.ShuffleAndRepeatDataset.Inputs
The seedGenerator input
seedGenerator - Variable in class org.tensorflow.op.data.ShuffleDataset.Inputs
The seedGenerator input
segmentIds - Variable in class org.tensorflow.op.math.SegmentMax.Inputs
A 1-D tensor whose size is equal to the size of data's first dimension.
segmentIds - Variable in class org.tensorflow.op.math.SegmentMean.Inputs
A 1-D tensor whose size is equal to the size of data's first dimension.
segmentIds - Variable in class org.tensorflow.op.math.SegmentMin.Inputs
A 1-D tensor whose size is equal to the size of data's first dimension.
segmentIds - Variable in class org.tensorflow.op.math.SegmentProd.Inputs
A 1-D tensor whose size is equal to the size of data's first dimension.
segmentIds - Variable in class org.tensorflow.op.math.SegmentSum.Inputs
A 1-D tensor whose size is equal to the size of data's first dimension.
segmentIds - Variable in class org.tensorflow.op.math.UnsortedSegmentMax.Inputs
A tensor whose shape is a prefix of data.shape.
segmentIds - Variable in class org.tensorflow.op.math.UnsortedSegmentMin.Inputs
A tensor whose shape is a prefix of data.shape.
segmentIds - Variable in class org.tensorflow.op.math.UnsortedSegmentProd.Inputs
A tensor whose shape is a prefix of data.shape.
segmentIds - Variable in class org.tensorflow.op.math.UnsortedSegmentSum.Inputs
A tensor whose shape is a prefix of data.shape.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
A 1-D tensor.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
segment_ids passed to the corresponding SparseSegmentMean op.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
A 1-D tensor.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
A 1-D tensor.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
segment_ids passed to the corresponding SparseSegmentSqrtN op.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
A 1-D tensor.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
A 1-D tensor.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
segment_ids passed to the corresponding SparseSegmentSum op.
segmentIds - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
A 1-D tensor.
segmentIds - Variable in class org.tensorflow.op.strings.UnsortedSegmentJoin.Inputs
The segmentIds input
segmentMax(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the maximum along segments of a tensor.
SegmentMax<T extends TNumber> - Class in org.tensorflow.op.math
Computes the maximum along segments of a tensor.
SegmentMax(Operation) - Constructor for class org.tensorflow.op.math.SegmentMax
 
SegmentMax.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
segmentMean(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the mean along segments of a tensor.
SegmentMean<T extends TType> - Class in org.tensorflow.op.math
Computes the mean along segments of a tensor.
SegmentMean(Operation) - Constructor for class org.tensorflow.op.math.SegmentMean
 
SegmentMean.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
segmentMin(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the minimum along segments of a tensor.
SegmentMin<T extends TNumber> - Class in org.tensorflow.op.math
Computes the minimum along segments of a tensor.
SegmentMin(Operation) - Constructor for class org.tensorflow.op.math.SegmentMin
 
SegmentMin.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
segmentProd(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the product along segments of a tensor.
SegmentProd<T extends TType> - Class in org.tensorflow.op.math
Computes the product along segments of a tensor.
SegmentProd(Operation) - Constructor for class org.tensorflow.op.math.SegmentProd
 
SegmentProd.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
segments() - Method in class org.tensorflow.op.nn.IsotonicRegression
Gets segments.
segmentSum(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the sum along segments of a tensor.
SegmentSum<T extends TType> - Class in org.tensorflow.op.math
Computes the sum along segments of a tensor.
SegmentSum(Operation) - Constructor for class org.tensorflow.op.math.SegmentSum
 
SegmentSum.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
select(Operand<TBool>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
The SelectV2 operation
Select<T extends TType> - Class in org.tensorflow.op.core
The SelectV2 operation
Select(Operation) - Constructor for class org.tensorflow.op.core.Select
 
Select.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
selectCols - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The selectCols input
selectCols - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The selectCols input
selectCols - Variable in class org.tensorflow.op.io.DecodeCsv.Inputs
The selectCols attribute
selectCols(Long...) - Method in class org.tensorflow.op.io.DecodeCsv.Options
Sets the selectCols option.
selectCols(Long...) - Static method in class org.tensorflow.op.io.DecodeCsv
Sets the selectCols option.
selectCols(List<Long>) - Method in class org.tensorflow.op.io.DecodeCsv.Options
Sets the selectCols option.
selectCols(List<Long>) - Static method in class org.tensorflow.op.io.DecodeCsv
Sets the selectCols option.
selectedIndices() - Method in class org.tensorflow.op.image.NonMaxSuppression
Gets selectedIndices.
selectedIndices() - Method in class org.tensorflow.op.image.NonMaxSuppressionWithOverlaps
Gets selectedIndices.
selectedScores() - Method in class org.tensorflow.op.image.NonMaxSuppression
Gets selectedScores.
selectorInputDataset - Variable in class org.tensorflow.op.data.DirectedInterleaveDataset.Inputs
A dataset of scalar DT_INT64 elements that determines which of the N data inputs should produce the next output element.
selectorInputDataset - Variable in class org.tensorflow.op.data.experimental.DirectedInterleaveDataset.Inputs
A dataset of scalar DT_INT64 elements that determines which of the N data inputs should produce the next output element.
selfAdjointEig(Operand<T>, SelfAdjointEig.Options...) - Method in class org.tensorflow.op.LinalgOps
Computes the eigen decomposition of one or more square self-adjoint matrices.
SelfAdjointEig<T extends TType> - Class in org.tensorflow.op.linalg
Computes the eigen decomposition of one or more square self-adjoint matrices.
SelfAdjointEig(Operation) - Constructor for class org.tensorflow.op.linalg.SelfAdjointEig
 
SelfAdjointEig.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
SelfAdjointEig.Options - Class in org.tensorflow.op.linalg
Optional attributes for SelfAdjointEig
selu(Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes scaled exponential linear: scale * alpha * (exp(features) - 1) if < 0, scale * features otherwise.
Selu<T extends TNumber> - Class in org.tensorflow.op.nn
Computes scaled exponential linear: scale * alpha * (exp(features) - 1) if < 0, scale * features otherwise.
Selu(Operation) - Constructor for class org.tensorflow.op.nn.Selu
 
Selu.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
seluGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes gradients for the scaled exponential linear (Selu) operation.
SeluGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes gradients for the scaled exponential linear (Selu) operation.
SeluGrad(Operation) - Constructor for class org.tensorflow.op.nn.SeluGrad
 
SeluGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
send(Operand<? extends TType>, String, String, Long, String, Send.Options...) - Method in class org.tensorflow.op.Ops
Sends the named tensor from send_device to recv_device.
Send - Class in org.tensorflow.op.core
Sends the named tensor from send_device to recv_device.
Send(Operation) - Constructor for class org.tensorflow.op.core.Send
 
Send.Inputs - Class in org.tensorflow.op.core
 
Send.Options - Class in org.tensorflow.op.core
Optional attributes for Send
sendDevice - Variable in class org.tensorflow.op.core.Recv.Inputs
The name of the device sending the tensor.
sendDevice - Variable in class org.tensorflow.op.core.Send.Inputs
The name of the device sending the tensor.
sendDeviceIncarnation - Variable in class org.tensorflow.op.core.Recv.Inputs
The current incarnation of send_device.
sendDeviceIncarnation - Variable in class org.tensorflow.op.core.Send.Inputs
The current incarnation of send_device.
sendKey - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
The sendKey attribute
sendKey(String) - Method in class org.tensorflow.op.xla.XlaHostCompute.Options
Sets the sendKey option.
sendKey(String) - Static method in class org.tensorflow.op.xla.XlaHostCompute
Sets the sendKey option.
sendTPUEmbeddingGradients(Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, String, SendTPUEmbeddingGradients.Options...) - Method in class org.tensorflow.op.TpuOps
Performs gradient updates of embedding tables.
SendTPUEmbeddingGradients - Class in org.tensorflow.op.tpu
Performs gradient updates of embedding tables.
SendTPUEmbeddingGradients(Operation) - Constructor for class org.tensorflow.op.tpu.SendTPUEmbeddingGradients
 
SendTPUEmbeddingGradients.Inputs - Class in org.tensorflow.op.tpu
 
SendTPUEmbeddingGradients.Options - Class in org.tensorflow.op.tpu
Optional attributes for SendTPUEmbeddingGradients
sep - Variable in class org.tensorflow.op.sparse.SparseCross.Inputs
string used when joining a list of string inputs, can be used as separator later.
sep - Variable in class org.tensorflow.op.strings.StringSplit.Inputs
0-D string Tensor, the delimiter character.
separator - Variable in class org.tensorflow.op.strings.Join.Inputs
string, an optional join separator.
separator - Variable in class org.tensorflow.op.strings.ReduceJoin.Inputs
The separator to use when joining.
separator - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The string to append between elements of the token.
separator - Variable in class org.tensorflow.op.strings.UnsortedSegmentJoin.Inputs
The separator attribute
separator(String) - Method in class org.tensorflow.op.strings.Join.Options
Sets the separator option.
separator(String) - Static method in class org.tensorflow.op.strings.Join
Sets the separator option.
separator(String) - Method in class org.tensorflow.op.strings.ReduceJoin.Options
Sets the separator option.
separator(String) - Static method in class org.tensorflow.op.strings.ReduceJoin
Sets the separator option.
separator(String) - Method in class org.tensorflow.op.strings.UnsortedSegmentJoin.Options
Sets the separator option.
separator(String) - Static method in class org.tensorflow.op.strings.UnsortedSegmentJoin
Sets the separator option.
seqDim - Variable in class org.tensorflow.op.core.ReverseSequence.Inputs
The dimension which is partially reversed.
seqLengths - Variable in class org.tensorflow.op.core.ReverseSequence.Inputs
1-D with length input.dims(batch_dim) and max(seq_lengths) <= input.dims(seq_dim)
seqLenMax - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
Maximum time length actually used by this input.
seqLenMax - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
Maximum time length actually used by this input.
sequenceLength - Variable in class org.tensorflow.op.nn.CtcBeamSearchDecoder.Inputs
A vector containing sequence lengths, size (batch).
sequenceLength - Variable in class org.tensorflow.op.nn.CtcGreedyDecoder.Inputs
A vector containing sequence lengths, size (batch_size).
sequenceLength - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
A vector containing sequence lengths (batch).
sequenceLength - Variable in class org.tensorflow.op.nn.CTCLossV2.Inputs
A vector containing sequence lengths (batch).
sequenceLengths - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The sequenceLengths input
sequenceLengths - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The sequenceLengths input
serialized - Variable in class org.tensorflow.op.data.DeserializeIterator.Inputs
A variant tensor storing the state of the iterator contained in the resource.
serialized - Variable in class org.tensorflow.op.io.ParseExample.Inputs
A scalar or vector containing binary serialized Example protos.
serialized - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
A scalar or vector containing binary serialized SequenceExample protos.
serialized - Variable in class org.tensorflow.op.io.ParseSingleExample.Inputs
A vector containing a batch of binary serialized Example protos.
serialized - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
A scalar containing a binary serialized SequenceExample proto.
serialized - Variable in class org.tensorflow.op.io.ParseTensor.Inputs
A scalar string containing a serialized TensorProto proto.
serialized() - Method in class org.tensorflow.op.data.SerializeIterator
Gets serialized.
serialized() - Method in class org.tensorflow.op.io.SerializeTensor
Gets serialized.
serializedOptions - Variable in class org.tensorflow.op.data.OptionsDataset.Inputs
A tf.string scalar tf.Tensor of serialized tf.data.Options protocol buffer.
serializedOptions() - Method in class org.tensorflow.op.core.GetOptions
Gets serializedOptions.
serializedSparse - Variable in class org.tensorflow.op.io.DeserializeManySparse.Inputs
2-D, The N serialized SparseTensor objects.
serializedSparse - Variable in class org.tensorflow.op.sparse.DeserializeSparse.Inputs
The serialized SparseTensor objects.
serializedSparse() - Method in class org.tensorflow.op.io.SerializeManySparse
Gets serializedSparse.
serializedSparse() - Method in class org.tensorflow.op.io.SerializeSparse
Gets serializedSparse.
serializedSummaryMetadata - Variable in class org.tensorflow.op.summary.TensorSummary.Inputs
A serialized SummaryMetadata proto.
serializeIterator(Operand<? extends TType>, SerializeIterator.Options...) - Method in class org.tensorflow.op.DataOps
Converts the given resource_handle representing an iterator to a variant tensor.
SerializeIterator - Class in org.tensorflow.op.data
Converts the given resource_handle representing an iterator to a variant tensor.
SerializeIterator(Operation) - Constructor for class org.tensorflow.op.data.SerializeIterator
 
SerializeIterator.Inputs - Class in org.tensorflow.op.data
 
SerializeIterator.Options - Class in org.tensorflow.op.data
Optional attributes for SerializeIterator
serializeManySparse(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.IoOps
Serialize an N-minibatch SparseTensor into an [N, 3] Tensor object.
serializeManySparse(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, Class<U>) - Method in class org.tensorflow.op.IoOps
Serialize an N-minibatch SparseTensor into an [N, 3] Tensor object.
SerializeManySparse<U extends TType> - Class in org.tensorflow.op.io
Serialize an N-minibatch SparseTensor into an [N, 3] Tensor object.
SerializeManySparse(Operation) - Constructor for class org.tensorflow.op.io.SerializeManySparse
 
SerializeManySparse.Inputs - Class in org.tensorflow.op.io
 
serializeSparse(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.IoOps
Serialize a SparseTensor into a [3] Tensor object.
serializeSparse(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, Class<U>) - Method in class org.tensorflow.op.IoOps
Serialize a SparseTensor into a [3] Tensor object.
SerializeSparse<U extends TType> - Class in org.tensorflow.op.io
Serialize a SparseTensor into a [3] Tensor object.
SerializeSparse(Operation) - Constructor for class org.tensorflow.op.io.SerializeSparse
 
SerializeSparse.Inputs - Class in org.tensorflow.op.io
 
serializeTensor(Operand<? extends TType>) - Method in class org.tensorflow.op.IoOps
Transforms a Tensor into a serialized TensorProto proto.
SerializeTensor - Class in org.tensorflow.op.io
Transforms a Tensor into a serialized TensorProto proto.
SerializeTensor(Operation) - Constructor for class org.tensorflow.op.io.SerializeTensor
 
SerializeTensor.Inputs - Class in org.tensorflow.op.io
 
Server - Class in org.tensorflow
An in-process TensorFlow server, for use in distributed training.
Server(ServerDef) - Constructor for class org.tensorflow.Server
Constructs a new instance of server.
session() - Method in class org.tensorflow.SavedModelBundle
Returns the Session with which to perform computation using the model.
session() - Method in class org.tensorflow.SessionFunction
 
Session - Class in org.tensorflow
Driver for Graph execution.
Session(Graph) - Constructor for class org.tensorflow.Session
Construct a new session with the associated Graph.
Session(Graph, boolean) - Constructor for class org.tensorflow.Session
Construct and optionally initialize a new session with the associated Graph.
Session(Graph, boolean, ConfigProto) - Constructor for class org.tensorflow.Session
Construct and optionally initialize a new session with the associated Graph and configuration options.
Session(Graph, ConfigProto) - Constructor for class org.tensorflow.Session
Construct a new session with the associated Graph and configuration options.
Session.Runner - Class in org.tensorflow
Run Operations and evaluate Tensors.
SessionFunction - Class in org.tensorflow
A callable function backed by a session.
SessionFunction(Signature, Session) - Constructor for class org.tensorflow.SessionFunction
 
set1 - Variable in class org.tensorflow.op.sparse.DenseToDenseSetOperation.Inputs
Tensor with rank n.
set1 - Variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
Tensor with rank n.
set1Indices - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
2D Tensor, indices of a SparseTensor.
set1Shape - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
1D Tensor, shape of a SparseTensor.
set1Values - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
1D Tensor, values of a SparseTensor.
set2 - Variable in class org.tensorflow.op.sparse.DenseToDenseSetOperation.Inputs
Tensor with rank n.
set2Indices - Variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
2D Tensor, indices of a SparseTensor.
set2Indices - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
2D Tensor, indices of a SparseTensor.
set2Shape - Variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
1D Tensor, shape of a SparseTensor.
set2Shape - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
1D Tensor, shape of a SparseTensor.
set2Values - Variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
1D Tensor, values of a SparseTensor.
set2Values - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
1D Tensor, values of a SparseTensor.
setAttr(String, boolean) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, boolean) - Method in interface org.tensorflow.OperationBuilder
Set the boolean value of an attribute of the operation being built.
setAttr(String, boolean[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, boolean[]) - Method in interface org.tensorflow.OperationBuilder
Set the boolean values of an attribute of the operation being built.
setAttr(String, byte[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, byte[]) - Method in interface org.tensorflow.OperationBuilder
Set the byte values of an attribute of the operation being built.
setAttr(String, float) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, float) - Method in interface org.tensorflow.OperationBuilder
Set the float value of an attribute of the operation being built.
setAttr(String, float[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, float[]) - Method in interface org.tensorflow.OperationBuilder
Set the float values of an attribute of the operation being built.
setAttr(String, long) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, long) - Method in interface org.tensorflow.OperationBuilder
Set the long value of an attribute of the operation being built.
setAttr(String, long[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, long[]) - Method in interface org.tensorflow.OperationBuilder
Set the long values of an attribute of the operation being built.
setAttr(String, String) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, String) - Method in interface org.tensorflow.OperationBuilder
Set the string value of an attribute of the operation being built.
setAttr(String, String[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, String[]) - Method in interface org.tensorflow.OperationBuilder
Set the string values of an attribute of the operation being built.
setAttr(String, ConcreteFunction) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, ConcreteFunction) - Method in interface org.tensorflow.OperationBuilder
Set the function value of an attribute of the operation being built.
setAttr(String, ConcreteFunction[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, ConcreteFunction[]) - Method in interface org.tensorflow.OperationBuilder
Set the function values of an attribute of the operation being built.
setAttr(String, Shape) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, Shape) - Method in interface org.tensorflow.OperationBuilder
Set the shape value of an attribute of the operation being built.
setAttr(String, Shape[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, Shape[]) - Method in interface org.tensorflow.OperationBuilder
Set the shape values of an attribute of the operation being built.
setAttr(String, AttrValue) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, AttrValue) - Method in interface org.tensorflow.OperationBuilder
Set value of an attribute of the operation being built.
setAttr(String, DataType) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, DataType) - Method in interface org.tensorflow.OperationBuilder
Set the type value of an attribute of the operation being built.
setAttr(String, DataType[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, DataType[]) - Method in interface org.tensorflow.OperationBuilder
Set the type values of an attribute of the operation being built.
setAttr(String, Tensor) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, Tensor) - Method in interface org.tensorflow.OperationBuilder
Set the tensor value of an attribute of the operation being built.
setAttr(String, Tensor[]) - Method in class org.tensorflow.GraphOperationBuilder
 
setAttr(String, Tensor[]) - Method in interface org.tensorflow.OperationBuilder
Set the tensor values of an attribute of the operation being built.
setDevice(String) - Method in class org.tensorflow.GraphOperationBuilder
 
setDevice(String) - Method in interface org.tensorflow.OperationBuilder
Set the device requested for computing the operation being built.
setDiff1d(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Computes the difference between two lists of numbers or strings.
setDiff1d(Operand<T>, Operand<T>, Class<U>) - Method in class org.tensorflow.op.Ops
Computes the difference between two lists of numbers or strings.
SetDiff1d<T extends TType,U extends TNumber> - Class in org.tensorflow.op.core
Computes the difference between two lists of numbers or strings.
SetDiff1d(Operation) - Constructor for class org.tensorflow.op.core.SetDiff1d
 
SetDiff1d.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
setIndices - Variable in class org.tensorflow.op.core.SetSize.Inputs
2D Tensor, indices of a SparseTensor.
setOperation - Variable in class org.tensorflow.op.sparse.DenseToDenseSetOperation.Inputs
The setOperation attribute
setOperation - Variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
The setOperation attribute
setOperation - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
The setOperation attribute
setOptions(RunOptions) - Method in class org.tensorflow.Session.Runner
Set options (typically for debugging) for this run.
setShape - Variable in class org.tensorflow.op.core.SetSize.Inputs
1D Tensor, shape of a SparseTensor.
setSize(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, SetSize.Options...) - Method in class org.tensorflow.op.Ops
Number of unique elements along last dimension of input set.
SetSize - Class in org.tensorflow.op.core
Number of unique elements along last dimension of input set.
SetSize(Operation) - Constructor for class org.tensorflow.op.core.SetSize
 
SetSize.Inputs - Class in org.tensorflow.op.core
 
SetSize.Options - Class in org.tensorflow.op.core
Optional attributes for SetSize
setStatsAggregatorDataset(Operand<? extends TType>, Operand<? extends TType>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalSetStatsAggregatorDataset operation
setStatsAggregatorDataset(Operand<? extends TType>, Operand<? extends TType>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The SetStatsAggregatorDataset operation
SetStatsAggregatorDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalSetStatsAggregatorDataset operation
SetStatsAggregatorDataset - Class in org.tensorflow.op.data
The SetStatsAggregatorDataset operation
SetStatsAggregatorDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset
 
SetStatsAggregatorDataset(Operation) - Constructor for class org.tensorflow.op.data.SetStatsAggregatorDataset
 
SetStatsAggregatorDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
SetStatsAggregatorDataset.Inputs - Class in org.tensorflow.op.data
 
setValues - Variable in class org.tensorflow.op.core.SetSize.Inputs
1D Tensor, values of a SparseTensor.
shape - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The shape input
shape - Variable in class org.tensorflow.op.core.BroadcastTo.Inputs
An 1-D int Tensor.
shape - Variable in class org.tensorflow.op.core.ConcatOffset.Inputs
The N int32 or int64 vectors representing shape of tensors being concatenated.
shape - Variable in class org.tensorflow.op.core.Empty.Inputs
1-D.
shape - Variable in class org.tensorflow.op.core.EnsureShape.Inputs
The expected (possibly partially specified) shape of the input tensor.
shape - Variable in class org.tensorflow.op.core.FakeParam.Inputs
The purported shape of the output.
shape - Variable in class org.tensorflow.op.core.ImmutableConst.Inputs
Shape of the returned tensor.
shape - Variable in class org.tensorflow.op.core.NcclBroadcast.Inputs
Deprecated.
The shape attribute
shape - Variable in class org.tensorflow.op.core.ParallelConcat.Inputs
the final shape of the result; should be equal to the shapes of any input but with the number of input values in the first dimension.
shape - Variable in class org.tensorflow.op.core.Placeholder.Inputs
(Optional) The shape of the tensor.
shape - Variable in class org.tensorflow.op.core.PlaceholderWithDefault.Inputs
The (possibly partial) shape of the tensor.
shape - Variable in class org.tensorflow.op.core.QuantizedReshape.Inputs
Defines the shape of the output tensor.
shape - Variable in class org.tensorflow.op.core.Reshape.Inputs
Defines the shape of the output tensor.
shape - Variable in class org.tensorflow.op.core.ScatterNd.Inputs
1-D.
shape - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The shape input
shape - Variable in class org.tensorflow.op.core.TemporaryVariable.Inputs
The shape of the variable tensor.
shape - Variable in class org.tensorflow.op.core.VarHandleOp.Inputs
The (possibly partially specified) shape of this variable.
shape - Variable in class org.tensorflow.op.core.Variable.Inputs
The shape of the variable tensor.
shape - Variable in class org.tensorflow.op.distribute.NcclBroadcast.Inputs
The shape attribute
shape - Variable in class org.tensorflow.op.math.AccumulateN.Inputs
Shape of elements of inputs.
shape - Variable in class org.tensorflow.op.Ops
 
shape - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
The desired shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.NonDeterministicInts.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.RandomGamma.Inputs
1-D integer tensor.
shape - Variable in class org.tensorflow.op.random.RandomPoisson.Inputs
1-D integer tensor.
shape - Variable in class org.tensorflow.op.random.RandomStandardNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.RandomUniform.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.RandomUniformInt.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The shape input
shape - Variable in class org.tensorflow.op.random.StatefulStandardNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatefulTruncatedNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatefulUniform.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatefulUniformFullInt.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatefulUniformInt.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomGamma.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomNormalV2.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomUniform.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullInt.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessRandomUniformV2.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessTruncatedNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.StatelessTruncatedNormalV2.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.random.TruncatedNormal.Inputs
The shape of the output tensor.
shape - Variable in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Inputs
The shape of the values.
shape - Variable in class org.tensorflow.op.sparse.SparseSlice.Inputs
1-D.
shape - Variable in class org.tensorflow.op.sparse.SparseSplit.Inputs
1-D.
shape - Variable in class org.tensorflow.op.tpu.InfeedDequeue.Inputs
The shape of the tensor.
shape - Variable in class org.tensorflow.op.tpu.InfeedEnqueue.Inputs
The shape of the tensor.
shape - Variable in class org.tensorflow.op.tpu.OutfeedDequeue.Inputs
The shape of the tensor.
shape - Variable in class org.tensorflow.op.tpu.OutfeedDequeueV2.Inputs
The shape of the tensor.
shape - Variable in class org.tensorflow.op.tpu.Prelinearize.Inputs
The shape of the tensor.
shape - Variable in class org.tensorflow.op.train.ConditionalAccumulator.Inputs
The shape of the values, can be [], in which case shape is unknown.
shape - Variable in class org.tensorflow.op.train.ResourceConditionalAccumulator.Inputs
The shape of the values, can be [], in which case shape is unknown.
shape - Variable in class org.tensorflow.op.xla.XlaRecvFromHost.Inputs
The shape attribute
shape - Variable in class org.tensorflow.Signature.TensorDescription
The shape of the tensor
shape() - Method in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient
Gets shape.
shape() - Method in class org.tensorflow.op.strings.StringSplit
Gets shape.
shape() - Method in interface org.tensorflow.Operand
Returns the (possibly partially known) shape of the tensor referred to by the Output of this operand.
shape() - Method in class org.tensorflow.Output
Returns the (possibly partially known) shape of the tensor referred to by this output.
shape() - Method in class org.tensorflow.RawTensor
 
shape() - Method in interface org.tensorflow.Tensor
Returns the shape of the tensor.
shape(Shape) - Method in class org.tensorflow.op.core.Placeholder.Options
Sets the shape option.
shape(Shape) - Static method in class org.tensorflow.op.core.Placeholder
Sets the shape option.
shape(Shape) - Method in class org.tensorflow.op.tpu.InfeedEnqueue.Options
Sets the shape option.
shape(Shape) - Static method in class org.tensorflow.op.tpu.InfeedEnqueue
Sets the shape option.
shape(Shape) - Method in class org.tensorflow.op.tpu.Prelinearize.Options
Sets the shape option.
shape(Shape) - Static method in class org.tensorflow.op.tpu.Prelinearize
Sets the shape option.
shape(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns the shape of a tensor.
shape(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.Ops
Returns the shape of a tensor.
Shape<U extends TNumber> - Class in org.tensorflow.op.core
Returns the shape of a tensor.
Shape(Operation) - Constructor for class org.tensorflow.op.core.Shape
 
Shape.Inputs - Class in org.tensorflow.op.core
 
shapeAndSlice - Variable in class org.tensorflow.op.train.RestoreSlice.Inputs
Scalar.
shapeAndSlices - Variable in class org.tensorflow.op.tpu.DTensorRestore.Inputs
The shapeAndSlices input
shapeAndSlices - Variable in class org.tensorflow.op.train.Restore.Inputs
shape {N}.
shapeAndSlices - Variable in class org.tensorflow.op.train.Save.Inputs
shape {N}.
shapeDtype - Variable in class org.tensorflow.op.random.NonDeterministicInts.Inputs
The shapeDtype attribute
shapeDtype - Variable in class org.tensorflow.op.random.StatefulStandardNormal.Inputs
The shapeDtype attribute
shapeDtype - Variable in class org.tensorflow.op.random.StatefulTruncatedNormal.Inputs
The shapeDtype attribute
shapeDtype - Variable in class org.tensorflow.op.random.StatefulUniform.Inputs
The shapeDtype attribute
shapeDtype - Variable in class org.tensorflow.op.random.StatefulUniformFullInt.Inputs
The shapeDtype attribute
shapeDtype - Variable in class org.tensorflow.op.random.StatefulUniformInt.Inputs
The shapeDtype attribute
shapeDtype - Variable in class org.tensorflow.op.random.StatelessRandomGamma.Inputs
The shapeDtype attribute
shapeN(Iterable<Operand<? extends TType>>) - Method in class org.tensorflow.op.Ops
Returns shape of tensors.
shapeN(Iterable<Operand<? extends TType>>, Class<U>) - Method in class org.tensorflow.op.Ops
Returns shape of tensors.
ShapeN<U extends TNumber> - Class in org.tensorflow.op.core
Returns shape of tensors.
ShapeN(Operation) - Constructor for class org.tensorflow.op.core.ShapeN
 
ShapeN.Inputs - Class in org.tensorflow.op.core
 
ShapeOps - Class in org.tensorflow.op
An API for building shape operations as Ops
shapes - Variable in class org.tensorflow.op.core.Barrier.Inputs
The shape of each component in a value.
shapes - Variable in class org.tensorflow.op.io.FifoQueue.Inputs
The shape of each component in a value.
shapes - Variable in class org.tensorflow.op.io.PaddingFifoQueue.Inputs
The shape of each component in a value.
shapes - Variable in class org.tensorflow.op.io.PriorityQueue.Inputs
The shape of each component in a value.
shapes - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
The shape of each component in a value.
shapes - Variable in class org.tensorflow.op.sparse.SparseConcat.Inputs
1-D.
shapes - Variable in class org.tensorflow.op.sparse.SparseCross.Inputs
1-D.
shapes - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
1-D.
shapes - Variable in class org.tensorflow.op.tpu.InfeedDequeueTuple.Inputs
The shapes of each tensor in outputs.
shapes - Variable in class org.tensorflow.op.tpu.InfeedEnqueueTuple.Inputs
The shapes of each tensor in inputs.
shapes - Variable in class org.tensorflow.op.tpu.OutfeedDequeueTuple.Inputs
The shapes of each tensor in outputs.
shapes - Variable in class org.tensorflow.op.tpu.OutfeedDequeueTupleV2.Inputs
The shapes of each tensor in outputs.
shapes - Variable in class org.tensorflow.op.tpu.PrelinearizeTuple.Inputs
The shapes of each tensor in inputs.
shapes - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
If shape_inference_graph is empty, a list of the shapes of outputs.
shapes(List<Shape>) - Method in class org.tensorflow.op.core.Barrier.Options
Sets the shapes option.
shapes(List<Shape>) - Static method in class org.tensorflow.op.core.Barrier
Sets the shapes option.
shapes(List<Shape>) - Method in class org.tensorflow.op.io.FifoQueue.Options
Sets the shapes option.
shapes(List<Shape>) - Static method in class org.tensorflow.op.io.FifoQueue
Sets the shapes option.
shapes(List<Shape>) - Method in class org.tensorflow.op.io.PaddingFifoQueue.Options
Sets the shapes option.
shapes(List<Shape>) - Static method in class org.tensorflow.op.io.PaddingFifoQueue
Sets the shapes option.
shapes(List<Shape>) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the shapes option.
shapes(List<Shape>) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the shapes option.
shapes(Shape...) - Method in class org.tensorflow.op.core.Barrier.Options
Sets the shapes option.
shapes(Shape...) - Static method in class org.tensorflow.op.core.Barrier
Sets the shapes option.
shapes(Shape...) - Method in class org.tensorflow.op.io.FifoQueue.Options
Sets the shapes option.
shapes(Shape...) - Static method in class org.tensorflow.op.io.FifoQueue
Sets the shapes option.
shapes(Shape...) - Method in class org.tensorflow.op.io.PaddingFifoQueue.Options
Sets the shapes option.
shapes(Shape...) - Static method in class org.tensorflow.op.io.PaddingFifoQueue
Sets the shapes option.
shapes(Shape...) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the shapes option.
shapes(Shape...) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the shapes option.
Shapes - Class in org.tensorflow.op.core
An operator providing methods on org.tensorflow.op.core.Shape tensors and 1d operands that represent the dimensions of a shape.
Shapes() - Constructor for class org.tensorflow.op.core.Shapes
 
shapesAndSlices - Variable in class org.tensorflow.op.train.SaveSlices.Inputs
Shape [N].
shapeToPrepend - Variable in class org.tensorflow.op.core.TensorArrayGradWithShape.Inputs
An int32 vector representing a shape.
shapeType - Variable in class org.tensorflow.op.core.ConcatOffset.Inputs
The shapeType attribute
shapeType - Variable in class org.tensorflow.op.core.EmptyTensorList.Inputs
The shapeType attribute
shapeType - Variable in class org.tensorflow.op.core.TensorListConcat.Inputs
The shapeType attribute
shapeType - Variable in class org.tensorflow.op.core.TensorListElementShape.Inputs
The shapeType attribute
shapeType - Variable in class org.tensorflow.op.core.TensorListFromTensor.Inputs
The shapeType attribute
shapeType - Variable in class org.tensorflow.op.core.TensorListReserve.Inputs
The shapeType attribute
shapeType - Variable in class org.tensorflow.op.core.TensorListScatter.Inputs
The shapeType attribute
shapeType - Variable in class org.tensorflow.op.core.TensorListSplit.Inputs
The shapeType attribute
shard - Variable in class org.tensorflow.op.io.ShardedFilename.Inputs
The shard input
shard - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
A sampler can be used to sample from a subset of the original range in order to speed up the whole computation through parallelism.
shard(Long) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the shard option.
shard(Long) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the shard option.
shardDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, ShardDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a Dataset that includes only 1/num_shards of this dataset.
ShardDataset - Class in org.tensorflow.op.data
Creates a Dataset that includes only 1/num_shards of this dataset.
ShardDataset(Operation) - Constructor for class org.tensorflow.op.data.ShardDataset
 
ShardDataset.Inputs - Class in org.tensorflow.op.data
 
ShardDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ShardDataset
shardDir - Variable in class org.tensorflow.op.data.SnapshotDatasetReader.Inputs
The shardDir input
shardedFilename(Operand<TString>, Operand<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.IoOps
Generate a sharded filename.
ShardedFilename - Class in org.tensorflow.op.io
Generate a sharded filename.
ShardedFilename(Operation) - Constructor for class org.tensorflow.op.io.ShardedFilename
 
ShardedFilename.Inputs - Class in org.tensorflow.op.io
 
shardedFilespec(Operand<TString>, Operand<TInt32>) - Method in class org.tensorflow.op.IoOps
Generate a glob pattern matching all sharded file names.
ShardedFilespec - Class in org.tensorflow.op.io
Generate a glob pattern matching all sharded file names.
ShardedFilespec(Operation) - Constructor for class org.tensorflow.op.io.ShardedFilespec
 
ShardedFilespec.Inputs - Class in org.tensorflow.op.io
 
shardFuncOtherArgs - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The shardFuncOtherArgs input
shardFuncOtherArgs - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The shardFuncOtherArgs input
shardId - Variable in class org.tensorflow.op.tpu.LoadAllTPUEmbeddingParameters.Inputs
Identifier of shard for this operation.
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveAllTPUEmbeddingParameters.Inputs
Identifier of shard for this operation.
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Inputs
The shardId attribute
shardId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Inputs
The shardId attribute
shardNum - Variable in class org.tensorflow.op.data.MultiDeviceIteratorGetNextFromShard.Inputs
Integer representing which shard to fetch data for.
sharedName - Variable in class org.tensorflow.op.core.Barrier.Inputs
If non-empty, this barrier will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.core.Batch.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
Concurrently running instances of batch in the same device with the same container and shared_name will batch their elements together.
sharedName - Variable in class org.tensorflow.op.core.HashTable.Inputs
If non-empty, this table is shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.core.MapClear.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.MapIncompleteSize.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.MapPeek.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.MapSize.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.MapStage.Inputs
It is necessary to match this name to the matching Unstage Op.
sharedName - Variable in class org.tensorflow.op.core.MapUnstage.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.MapUnstageNoKey.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
If non-empty, this table is shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.core.MutableHashTable.Inputs
If non-empty, this table is shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.core.MutableHashTableOfTensors.Inputs
If non-empty, this table is shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.core.Mutex.Inputs
If non-empty, this variable is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.core.NcclAllReduce.Inputs
Deprecated.
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.OrderedMapClear.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.OrderedMapIncompleteSize.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.OrderedMapPeek.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.OrderedMapSize.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
It is necessary to match this name to the matching Unstage Op.
sharedName - Variable in class org.tensorflow.op.core.OrderedMapUnstage.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.Stage.Inputs
It is necessary to match this name to the matching Unstage Op.
sharedName - Variable in class org.tensorflow.op.core.StageClear.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.StagePeek.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.StageSize.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.Unbatch.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.UnbatchGrad.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.Unstage.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.core.VarHandleOp.Inputs
the name by which this variable is referred to.
sharedName - Variable in class org.tensorflow.op.core.Variable.Inputs
If non-empty, this variable is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.data.experimental.StatsAggregatorHandle.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.data.Iterator.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.data.MultiDeviceIterator.Inputs
If non-empty, this resource will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.data.OneShotIterator.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.data.StatsAggregatorHandle.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.data.ThreadPoolHandle.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.distribute.NcclAllReduce.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.io.FifoQueue.Inputs
If non-empty, this queue will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.io.FixedLengthRecordReader.Inputs
If non-empty, this reader is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.io.IdentityReader.Inputs
If non-empty, this reader is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.io.LmdbReader.Inputs
If non-empty, this reader is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.io.PaddingFifoQueue.Inputs
If non-empty, this queue will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.io.PriorityQueue.Inputs
If non-empty, this queue will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.io.RandomShuffleQueue.Inputs
If non-empty, this queue will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.io.TextLineReader.Inputs
If non-empty, this reader is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.io.TfRecordReader.Inputs
If non-empty, this reader is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.io.WholeFileReader.Inputs
If non-empty, this reader is named in the given bucket with this shared_name.
sharedName - Variable in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Inputs
The shared name for the SparseTensorsMap created by this op.
sharedName - Variable in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Inputs
The shared name for the SparseTensorsMap created by this op.
sharedName - Variable in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Inputs
If non-empty, this accumulator will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap.Inputs
The shared name for the SparseTensorsMap read by this op.
sharedName - Variable in class org.tensorflow.op.summary.SummaryWriter.Inputs
The sharedName attribute
sharedName - Variable in class org.tensorflow.op.train.ConditionalAccumulator.Inputs
If non-empty, this accumulator will be shared under the given name across multiple sessions.
sharedName - Variable in class org.tensorflow.op.train.ResourceConditionalAccumulator.Inputs
If non-empty, this accumulator will be shared under the given name across multiple sessions.
sharedName(String) - Method in class org.tensorflow.op.core.Barrier.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.Barrier
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.Batch.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.Batch
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.BatchFunction.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.BatchFunction
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.HashTable.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.HashTable
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MapClear.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MapClear
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MapIncompleteSize.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MapIncompleteSize
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MapPeek.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MapPeek
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MapSize.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MapSize
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MapStage.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MapStage
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MapUnstage.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MapUnstage
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MapUnstageNoKey.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MapUnstageNoKey
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MutableDenseHashTable.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MutableDenseHashTable
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MutableHashTable.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MutableHashTable
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.MutableHashTableOfTensors.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.MutableHashTableOfTensors
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.Mutex.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.Mutex
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.OrderedMapClear.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.OrderedMapClear
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.OrderedMapIncompleteSize.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.OrderedMapIncompleteSize
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.OrderedMapPeek.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.OrderedMapPeek
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.OrderedMapSize.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.OrderedMapSize
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.OrderedMapStage.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.OrderedMapStage
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.OrderedMapUnstage.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.OrderedMapUnstage
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.OrderedMapUnstageNoKey.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.OrderedMapUnstageNoKey
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.Stage.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.Stage
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.StageClear.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.StageClear
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.StagePeek.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.StagePeek
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.StageSize.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.StageSize
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.Unbatch.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.Unbatch
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.UnbatchGrad.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.UnbatchGrad
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.Unstage.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.Unstage
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.VarHandleOp.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.VarHandleOp
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.core.Variable.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.core.Variable
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.data.experimental.StatsAggregatorHandle.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.data.experimental.StatsAggregatorHandle
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.data.experimental.ThreadPoolHandle.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.data.experimental.ThreadPoolHandle
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.data.OneShotIterator.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.data.OneShotIterator
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.data.StatsAggregatorHandle.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.data.StatsAggregatorHandle
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.data.ThreadPoolHandle.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.data.ThreadPoolHandle
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.FifoQueue.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.FifoQueue
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.FixedLengthRecordReader.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.FixedLengthRecordReader
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.IdentityReader.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.IdentityReader
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.LmdbReader.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.LmdbReader
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.PaddingFifoQueue.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.PaddingFifoQueue
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.PriorityQueue.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.PriorityQueue
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.RandomShuffleQueue.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.RandomShuffleQueue
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.TextLineReader.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.TextLineReader
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.TfRecordReader.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.TfRecordReader
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.io.WholeFileReader.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.io.WholeFileReader
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.sparse.AddManySparseToTensorsMap
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.sparse.AddSparseToTensorsMap
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.sparse.SparseConditionalAccumulator.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.sparse.SparseConditionalAccumulator
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.summary.SummaryWriter.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.summary.SummaryWriter
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.train.ConditionalAccumulator.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.train.ConditionalAccumulator
Sets the sharedName option.
sharedName(String) - Method in class org.tensorflow.op.train.ResourceConditionalAccumulator.Options
Sets the sharedName option.
sharedName(String) - Static method in class org.tensorflow.op.train.ResourceConditionalAccumulator
Sets the sharedName option.
shift - Variable in class org.tensorflow.op.core.Roll.Inputs
Dimension must be 0-D or 1-D.
shift - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
An integer scalar, representing the number of input elements by which the window moves in each iteration.
shortest - Variable in class org.tensorflow.op.dtypes.AsString.Inputs
Use shortest representation (either scientific or standard) for floating point numbers.
shortest(Boolean) - Method in class org.tensorflow.op.dtypes.AsString.Options
Sets the shortest option.
shortest(Boolean) - Static method in class org.tensorflow.op.dtypes.AsString
Sets the shortest option.
shrinkAxisMask - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The shrinkAxisMask attribute
shrinkAxisMask - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
a bitmask where bit i implies that the ith specification should shrink the dimensionality.
shrinkAxisMask - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The shrinkAxisMask attribute
shrinkAxisMask - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The shrinkAxisMask attribute
shrinkAxisMask - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The shrinkAxisMask attribute
shrinkAxisMask(Long) - Method in class org.tensorflow.op.core.ResourceStridedSliceAssign.Options
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Static method in class org.tensorflow.op.core.ResourceStridedSliceAssign
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Method in class org.tensorflow.op.core.StridedSlice.Options
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Static method in class org.tensorflow.op.core.StridedSlice
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Method in class org.tensorflow.op.core.StridedSliceAssign.Options
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceAssign
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Method in class org.tensorflow.op.core.StridedSliceGrad.Options
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Static method in class org.tensorflow.op.core.StridedSliceGrad
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Method in class org.tensorflow.op.core.TensorStridedSliceUpdate.Options
Sets the shrinkAxisMask option.
shrinkAxisMask(Long) - Static method in class org.tensorflow.op.core.TensorStridedSliceUpdate
Sets the shrinkAxisMask option.
shuffleAndRepeatDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ShuffleAndRepeatDataset.Options...) - Method in class org.tensorflow.op.DataOps
The ShuffleAndRepeatDatasetV2 operation
ShuffleAndRepeatDataset - Class in org.tensorflow.op.data
The ShuffleAndRepeatDatasetV2 operation
ShuffleAndRepeatDataset(Operation) - Constructor for class org.tensorflow.op.data.ShuffleAndRepeatDataset
 
ShuffleAndRepeatDataset.Inputs - Class in org.tensorflow.op.data
 
ShuffleAndRepeatDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ShuffleAndRepeatDataset
shuffleDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, ShuffleDataset.Options...) - Method in class org.tensorflow.op.DataOps
The ShuffleDatasetV3 operation
ShuffleDataset - Class in org.tensorflow.op.data
The ShuffleDatasetV3 operation
ShuffleDataset(Operation) - Constructor for class org.tensorflow.op.data.ShuffleDataset
 
ShuffleDataset.Inputs - Class in org.tensorflow.op.data
 
ShuffleDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ShuffleDataset
shutdownDistributedTPU() - Method in class org.tensorflow.op.TpuOps
Shuts down a running distributed TPU system.
ShutdownDistributedTPU - Class in org.tensorflow.op.tpu
Shuts down a running distributed TPU system.
ShutdownDistributedTPU(Operation) - Constructor for class org.tensorflow.op.tpu.ShutdownDistributedTPU
 
ShutdownDistributedTPU.Inputs - Class in org.tensorflow.op.tpu
 
shutdownTPUSystem() - Method in class org.tensorflow.op.TpuOps
An op that shuts down the TPU system.
ShutdownTPUSystem - Class in org.tensorflow.op.tpu
An op that shuts down the TPU system.
ShutdownTPUSystem(Operation) - Constructor for class org.tensorflow.op.tpu.ShutdownTPUSystem
 
ShutdownTPUSystem.Inputs - Class in org.tensorflow.op.tpu
 
sigmoid(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes sigmoid of x element-wise.
Sigmoid<T extends TType> - Class in org.tensorflow.op.math
Computes sigmoid of x element-wise.
Sigmoid(Operation) - Constructor for class org.tensorflow.op.math.Sigmoid
 
Sigmoid.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
sigmoidGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the gradient of the sigmoid of x wrt its input.
SigmoidGrad<T extends TType> - Class in org.tensorflow.op.math
Computes the gradient of the sigmoid of x wrt its input.
SigmoidGrad(Operation) - Constructor for class org.tensorflow.op.math.SigmoidGrad
 
SigmoidGrad.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
sign() - Method in class org.tensorflow.op.linalg.LogMatrixDeterminant
Gets sign.
sign(Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns an element-wise indication of the sign of a number.
Sign<T extends TType> - Class in org.tensorflow.op.math
Returns an element-wise indication of the sign of a number.
Sign(Operation) - Constructor for class org.tensorflow.op.math.Sign
 
Sign.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
signal - Variable in class org.tensorflow.op.Ops
 
SignalOps - Class in org.tensorflow.op
An API for building signal operations as Ops
signature() - Method in class org.tensorflow.ConcreteFunction
Returns the signature of this function
signature() - Method in class org.tensorflow.SessionFunction
 
signature() - Method in interface org.tensorflow.TensorFunction
Returns the signature of this function
Signature - Class in org.tensorflow
Describe the inputs and outputs of an executable entity, such as a ConcreteFunction, among other useful metadata.
Signature.Builder - Class in org.tensorflow
Builds a new function signature.
Signature.TensorDescription - Class in org.tensorflow
 
signatures() - Method in class org.tensorflow.SavedModelBundle
Return the signature of all functions available in this saved model.
signDecay - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
Must be a scalar.
signDecay - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
Must be a scalar.
signDecay - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
Must be a scalar.
signDecay - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
Must be a scalar.
signedInput - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The signedInput attribute
signedInput - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The signedInput attribute
signedInput - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
Whether the quantization is signed or unsigned.
signedInput(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantize.Options
Sets the signedInput option.
signedInput(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantize
Sets the signedInput option.
signedInput(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Options
Sets the signedInput option.
signedInput(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3
Sets the signedInput option.
signedInput(Boolean) - Method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Options
Sets the signedInput option.
signedInput(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4
Sets the signedInput option.
SILENT - Enum constant in enum org.tensorflow.EagerSession.DevicePlacementPolicy
Silently copy the tensor, which has a performance cost since the operation will be blocked till the copy completes.
SILENT_FOR_INT32 - Enum constant in enum org.tensorflow.EagerSession.DevicePlacementPolicy
Placement policy which silently copies int32 tensors but not other dtypes.
sin(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes sine of x element-wise.
Sin<T extends TType> - Class in org.tensorflow.op.math
Computes sine of x element-wise.
Sin(Operation) - Constructor for class org.tensorflow.op.math.Sin
 
Sin.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
sinh(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes hyperbolic sine of x element-wise.
Sinh<T extends TType> - Class in org.tensorflow.op.math
Computes hyperbolic sine of x element-wise.
Sinh(Operation) - Constructor for class org.tensorflow.op.math.Sinh
 
Sinh.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
size() - Method in class org.tensorflow.Result
Returns the number of outputs in this Result.
size(Shape<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Get the size represented by the TensorFlow shape.
size(Shape<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Get the size of the specified dimension in the shape.
size(Shape<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Get the size represented by the TensorFlow shape.
size(Shape<U>, Operand<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Get the size of the specified dimension in the shape.
size(Scope, Shape<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Get the size represented by the TensorFlow shape.
size(Scope, Shape<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Get the size of the specified dimension in the shape.
size(Scope, Shape<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Get the size represented by the TensorFlow shape.
size(Scope, Shape<U>, Operand<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Get the size of the specified dimension in the shape.
size(Scope, Operand<T>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Get the size of the specified dimension for the shape of the tensor.
size(Scope, Operand<T>, Operand<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Get the size of the specified dimension for the shape of the tensor.
size(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns the size of a tensor.
size(Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.Ops
Returns the size of a tensor.
size(Operand<T>, Operand<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Get the size of the specified dimension for the shape of the tensor.
size(Operand<T>, Operand<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Get the size of the specified dimension for the shape of the tensor.
Size<U extends TNumber> - Class in org.tensorflow.op.core
Returns the size of a tensor.
Size(Operation) - Constructor for class org.tensorflow.op.core.Size
 
Size.Inputs - Class in org.tensorflow.op.core
 
sizeOutput - Variable in class org.tensorflow.op.core.Slice.Inputs
size[i] specifies the number of elements of the 'i'th dimension of 'input' to slice.
sizeOutput - Variable in class org.tensorflow.op.core.TensorArray.Inputs
The size of the array.
sizeOutput - Variable in class org.tensorflow.op.core.TensorListResize.Inputs
The sizeOutput input
sizeOutput - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
An integer scalar, representing the number of elements of the input dataset to combine into a window.
sizeOutput - Variable in class org.tensorflow.op.image.ExtractGlimpse.Inputs
A 1-D tensor of 2 elements containing the size of the glimpses to extract.
sizeOutput - Variable in class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
= A 1-D int32 Tensor of 2 elements: new_height, new_width.
sizeOutput - Variable in class org.tensorflow.op.image.RandomCrop.Inputs
1-D of length 2 containing: crop_height, crop_width..
sizeOutput - Variable in class org.tensorflow.op.image.ResizeArea.Inputs
= A 1-D int32 Tensor of 2 elements: new_height, new_width.
sizeOutput - Variable in class org.tensorflow.op.image.ResizeBicubic.Inputs
= A 1-D int32 Tensor of 2 elements: new_height, new_width.
sizeOutput - Variable in class org.tensorflow.op.image.ResizeBilinear.Inputs
= A 1-D int32 Tensor of 2 elements: new_height, new_width.
sizeOutput - Variable in class org.tensorflow.op.image.ResizeNearestNeighbor.Inputs
= A 1-D int32 Tensor of 2 elements: new_height, new_width.
sizeOutput - Variable in class org.tensorflow.op.image.ResizeNearestNeighborGrad.Inputs
= A 1-D int32 Tensor of 2 elements: orig_height, orig_width.
sizeOutput - Variable in class org.tensorflow.op.image.ScaleAndTranslate.Inputs
The sizeOutput input
sizeOutput - Variable in class org.tensorflow.op.math.Bincount.Inputs
non-negative int32 scalar Tensor.
sizeOutput - Variable in class org.tensorflow.op.math.DenseBincount.Inputs
non-negative int scalar Tensor.
sizeOutput - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
A 1-D int32 Tensor of 2 elements: new_height, new_width.
sizeOutput - Variable in class org.tensorflow.op.ragged.RaggedBincount.Inputs
non-negative int scalar Tensor.
sizeOutput - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
non-negative int scalar Tensor.
sizeOutput - Variable in class org.tensorflow.op.sparse.SparseSlice.Inputs
1-D.
sizeOutput() - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Gets sizeOutput.
sizeOutput() - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Gets sizeOutput.
sizes - Variable in class org.tensorflow.op.core.EncodeProto.Inputs
Tensor of int32 with shape [batch_shape, len(field_names)].
sizes() - Method in class org.tensorflow.op.core.DecodeProto
Gets sizes.
sizeSplits - Variable in class org.tensorflow.op.core.SplitV.Inputs
list containing the sizes of each output tensor along the split dimension.
skip - Variable in class org.tensorflow.op.math.SobolSample.Inputs
Positive scalar Tensor of dtype int32.
skipDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, SkipDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that skips count elements from the input_dataset.
SkipDataset - Class in org.tensorflow.op.data
Creates a dataset that skips count elements from the input_dataset.
SkipDataset(Operation) - Constructor for class org.tensorflow.op.data.SkipDataset
 
SkipDataset.Inputs - Class in org.tensorflow.op.data
 
SkipDataset.Options - Class in org.tensorflow.op.data
Optional attributes for SkipDataset
skipgram(String, Long, Skipgram.Options...) - Method in class org.tensorflow.op.Ops
Parses a text file and creates a batch of examples.
Skipgram - Class in org.tensorflow.op.core
Parses a text file and creates a batch of examples.
Skipgram(Operation) - Constructor for class org.tensorflow.op.core.Skipgram
 
Skipgram.Inputs - Class in org.tensorflow.op.core
 
Skipgram.Options - Class in org.tensorflow.op.core
Optional attributes for Skipgram
skipHeaderLines - Variable in class org.tensorflow.op.io.TextLineReader.Inputs
Number of lines to skip from the beginning of every file.
skipHeaderLines(Long) - Method in class org.tensorflow.op.io.TextLineReader.Options
Sets the skipHeaderLines option.
skipHeaderLines(Long) - Static method in class org.tensorflow.op.io.TextLineReader
Sets the skipHeaderLines option.
slackPeriod - Variable in class org.tensorflow.op.data.PrefetchDataset.Inputs
The slackPeriod attribute
slackPeriod(Long) - Method in class org.tensorflow.op.data.PrefetchDataset.Options
Sets the slackPeriod option.
slackPeriod(Long) - Static method in class org.tensorflow.op.data.PrefetchDataset
Sets the slackPeriod option.
sleepDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
The ExperimentalSleepDataset operation
sleepDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The SleepDataset operation
SleepDataset - Class in org.tensorflow.op.data.experimental
The ExperimentalSleepDataset operation
SleepDataset - Class in org.tensorflow.op.data
The SleepDataset operation
SleepDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.SleepDataset
 
SleepDataset(Operation) - Constructor for class org.tensorflow.op.data.SleepDataset
 
SleepDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
SleepDataset.Inputs - Class in org.tensorflow.op.data
 
sleepMicroseconds - Variable in class org.tensorflow.op.data.experimental.SleepDataset.Inputs
The sleepMicroseconds input
sleepMicroseconds - Variable in class org.tensorflow.op.data.SleepDataset.Inputs
The sleepMicroseconds input
slice(Operand<T>, Operand<U>, Operand<U>) - Method in class org.tensorflow.op.Ops
Return a slice from 'input'.
Slice<T extends TType> - Class in org.tensorflow.op.core
Return a slice from 'input'.
Slice(Operation) - Constructor for class org.tensorflow.op.core.Slice
 
Slice.Inputs<T extends TType,U extends TNumber> - Class in org.tensorflow.op.core
 
slicedActivations - Variable in class org.tensorflow.op.tpu.EmbeddingActivations.Inputs
The embedding activations Tensor to return.
slicedActivations - Variable in class org.tensorflow.op.tpu.TPUEmbeddingActivations.Inputs
Deprecated.
The embedding activations Tensor to return.
slidingWindowDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that passes a sliding window over input_dataset.
slidingWindowDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, SlidingWindowDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that passes a sliding window over input_dataset.
SlidingWindowDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that passes a sliding window over input_dataset.
SlidingWindowDataset - Class in org.tensorflow.op.data
Creates a dataset that passes a sliding window over input_dataset.
SlidingWindowDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.SlidingWindowDataset
 
SlidingWindowDataset(Operation) - Constructor for class org.tensorflow.op.data.SlidingWindowDataset
 
SlidingWindowDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
SlidingWindowDataset.Inputs - Class in org.tensorflow.op.data
 
SlidingWindowDataset.Options - Class in org.tensorflow.op.data
Optional attributes for SlidingWindowDataset
sloppy - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The sloppy input
sloppy - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
The sloppy attribute
sloppy(Boolean) - Method in class org.tensorflow.op.data.experimental.ParseExampleDataset.Options
Sets the sloppy option.
sloppy(Boolean) - Static method in class org.tensorflow.op.data.experimental.ParseExampleDataset
Sets the sloppy option.
snapshot(Operand<T>) - Method in class org.tensorflow.op.Ops
Returns a copy of the input tensor.
Snapshot<T extends TType> - Class in org.tensorflow.op.core
Returns a copy of the input tensor.
Snapshot(Operation) - Constructor for class org.tensorflow.op.core.Snapshot
 
Snapshot.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
snapshotChunkDataset(Operand<TString>, List<Class<? extends TType>>, List<Shape>, SnapshotChunkDataset.Options...) - Method in class org.tensorflow.op.DataOps
The SnapshotChunkDataset operation
SnapshotChunkDataset - Class in org.tensorflow.op.data
The SnapshotChunkDataset operation
SnapshotChunkDataset(Operation) - Constructor for class org.tensorflow.op.data.SnapshotChunkDataset
 
SnapshotChunkDataset.Inputs - Class in org.tensorflow.op.data
 
SnapshotChunkDataset.Options - Class in org.tensorflow.op.data
Optional attributes for SnapshotChunkDataset
snapshotDataset(Operand<? extends TType>, Operand<TString>, Iterable<Operand<?>>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>, ConcreteFunction, ConcreteFunction, SnapshotDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that will write to / read from a snapshot.
SnapshotDataset - Class in org.tensorflow.op.data
Creates a dataset that will write to / read from a snapshot.
SnapshotDataset(Operation) - Constructor for class org.tensorflow.op.data.SnapshotDataset
 
SnapshotDataset.Inputs - Class in org.tensorflow.op.data
 
SnapshotDataset.Options - Class in org.tensorflow.op.data
Optional attributes for SnapshotDataset
snapshotDatasetReader(Operand<TString>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, Long, SnapshotDatasetReader.Options...) - Method in class org.tensorflow.op.DataOps
The SnapshotDatasetReader operation
SnapshotDatasetReader - Class in org.tensorflow.op.data
The SnapshotDatasetReader operation
SnapshotDatasetReader(Operation) - Constructor for class org.tensorflow.op.data.SnapshotDatasetReader
 
SnapshotDatasetReader.Inputs - Class in org.tensorflow.op.data
 
SnapshotDatasetReader.Options - Class in org.tensorflow.op.data
Optional attributes for SnapshotDatasetReader
snapshotNestedDatasetReader(Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The SnapshotNestedDatasetReader operation
SnapshotNestedDatasetReader - Class in org.tensorflow.op.data
The SnapshotNestedDatasetReader operation
SnapshotNestedDatasetReader(Operation) - Constructor for class org.tensorflow.op.data.SnapshotNestedDatasetReader
 
SnapshotNestedDatasetReader.Inputs - Class in org.tensorflow.op.data
 
snapshotPath - Variable in class org.tensorflow.op.data.ListSnapshotChunksDataset.Inputs
The snapshotPath input
sobolSample(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.MathOps
Generates points from the Sobol sequence.
sobolSample(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.MathOps
Generates points from the Sobol sequence.
SobolSample<T extends TNumber> - Class in org.tensorflow.op.math
Generates points from the Sobol sequence.
SobolSample(Operation) - Constructor for class org.tensorflow.op.math.SobolSample
 
SobolSample.Inputs - Class in org.tensorflow.op.math
 
softmax - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad.Inputs
A CSRSparseMatrix.
softmax() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax
Gets softmax.
softmax() - Method in class org.tensorflow.op.nn.Softmax
Gets softmax.
softmax(Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes softmax activations.
Softmax<T extends TNumber> - Class in org.tensorflow.op.nn
Computes softmax activations.
Softmax(Operation) - Constructor for class org.tensorflow.op.nn.Softmax
 
Softmax.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
softmaxCrossEntropyWithLogits(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes softmax cross entropy cost and gradients to backpropagate.
SoftmaxCrossEntropyWithLogits<T extends TNumber> - Class in org.tensorflow.op.nn
Computes softmax cross entropy cost and gradients to backpropagate.
SoftmaxCrossEntropyWithLogits(Operation) - Constructor for class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits
 
SoftmaxCrossEntropyWithLogits.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
softNmsSigma - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
A 0-D float tensor representing the sigma parameter for Soft NMS; see Bodla et al (c.f.
softplus(Operand<T>) - Method in class org.tensorflow.op.MathOps
The Softplus operation
Softplus<T extends TNumber> - Class in org.tensorflow.op.math
The Softplus operation
Softplus(Operation) - Constructor for class org.tensorflow.op.math.Softplus
 
Softplus.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
softplusGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes softplus gradients for a softplus operation.
SoftplusGrad<T extends TNumber> - Class in org.tensorflow.op.math
Computes softplus gradients for a softplus operation.
SoftplusGrad(Operation) - Constructor for class org.tensorflow.op.math.SoftplusGrad
 
SoftplusGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
softsign(Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes softsign: features / (abs(features) + 1).
Softsign<T extends TNumber> - Class in org.tensorflow.op.nn
Computes softsign: features / (abs(features) + 1).
Softsign(Operation) - Constructor for class org.tensorflow.op.nn.Softsign
 
Softsign.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
softsignGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.NnOps
Computes softsign gradients for a softsign operation.
SoftsignGrad<T extends TNumber> - Class in org.tensorflow.op.nn
Computes softsign gradients for a softsign operation.
SoftsignGrad(Operation) - Constructor for class org.tensorflow.op.nn.SoftsignGrad
 
SoftsignGrad.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
solve(Operand<T>, Operand<T>, Solve.Options...) - Method in class org.tensorflow.op.LinalgOps
Solves systems of linear equations.
Solve<T extends TType> - Class in org.tensorflow.op.linalg
Solves systems of linear equations.
Solve(Operation) - Constructor for class org.tensorflow.op.linalg.Solve
 
Solve.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
Solve.Options - Class in org.tensorflow.op.linalg
Optional attributes for Solve
sorted - Variable in class org.tensorflow.op.nn.TopK.Inputs
If true the resulting k elements will be sorted by the values in descending order.
sorted(Boolean) - Method in class org.tensorflow.op.nn.TopK.Options
Sets the sorted option.
sorted(Boolean) - Static method in class org.tensorflow.op.nn.TopK
Sets the sorted option.
sortedColIds() - Method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Gets sortedColIds.
sortedEmbeddingIds() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmul
Gets sortedEmbeddingIds.
sortedGains - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The sortedGains input
sortedGains - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The sortedGains input
sortedGains - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The sortedGains input
sortedGains - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The sortedGains input
sortedGains - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The sortedGains input
sortedGains - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The sortedGains input
sortedGains() - Method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Gets sortedGains.
sortedGains() - Method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Gets sortedGains.
sortedGains() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmul
Gets sortedGains.
sortedInputs - Variable in class org.tensorflow.op.core.LowerBound.Inputs
2-D Tensor where each row is ordered.
sortedInputs - Variable in class org.tensorflow.op.core.UpperBound.Inputs
2-D Tensor where each row is ordered.
sortedRowIds() - Method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Gets sortedRowIds.
sortedSampleIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The sortedSampleIds input
sortedSampleIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The sortedSampleIds input
sortedSampleIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The sortedSampleIds input
sortedSampleIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The sortedSampleIds input
sortedSampleIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The sortedSampleIds input
sortedSampleIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The sortedSampleIds input
sortedSampleIds() - Method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Gets sortedSampleIds.
sortedSampleIds() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmul
Gets sortedSampleIds.
sortedTokenIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The sortedTokenIds input
sortedTokenIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The sortedTokenIds input
sortedTokenIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The sortedTokenIds input
sortedTokenIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The sortedTokenIds input
sortedTokenIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The sortedTokenIds input
sortedTokenIds - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The sortedTokenIds input
sortedTokenIds() - Method in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica
Gets sortedTokenIds.
sortedUniqueIndices() - Method in class org.tensorflow.op.sparse.SparseSegmentMeanGrad
Gets sortedUniqueIndices.
sortedUniqueIndices() - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad
Gets sortedUniqueIndices.
sortedUniqueIndices() - Method in class org.tensorflow.op.sparse.SparseSegmentSumGrad
Gets sortedUniqueIndices.
source - Variable in class org.tensorflow.op.core.TensorArrayGrad.Inputs
The gradient source string, used to decide which gradient TensorArray to return.
source - Variable in class org.tensorflow.op.core.TensorArrayGradWithShape.Inputs
The gradient source string, used to decide which gradient TensorArray to return.
sourceTargetPairs - Variable in class org.tensorflow.op.collective.CollectivePermute.Inputs
A tensor with shape [num_pairs, 2].
spaceToBatch(Operand<T>, Operand<? extends TNumber>, Long) - Method in class org.tensorflow.op.NnOps
SpaceToBatch for 4-D tensors of type T.
SpaceToBatch<T extends TType> - Class in org.tensorflow.op.nn
SpaceToBatch for 4-D tensors of type T.
SpaceToBatch(Operation) - Constructor for class org.tensorflow.op.nn.SpaceToBatch
 
SpaceToBatch.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
spaceToBatchNd(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
SpaceToBatch for N-D tensors of type T.
SpaceToBatchNd<T extends TType> - Class in org.tensorflow.op.core
SpaceToBatch for N-D tensors of type T.
SpaceToBatchNd(Operation) - Constructor for class org.tensorflow.op.core.SpaceToBatchNd
 
SpaceToBatchNd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
spaceToDepth(Operand<T>, Long, SpaceToDepth.Options...) - Method in class org.tensorflow.op.NnOps
SpaceToDepth for tensors of type T.
SpaceToDepth<T extends TType> - Class in org.tensorflow.op.nn
SpaceToDepth for tensors of type T.
SpaceToDepth(Operation) - Constructor for class org.tensorflow.op.nn.SpaceToDepth
 
SpaceToDepth.Inputs<T extends TType> - Class in org.tensorflow.op.nn
 
SpaceToDepth.Options - Class in org.tensorflow.op.nn
Optional attributes for SpaceToDepth
sparse - Variable in class org.tensorflow.op.LinalgOps
 
sparse - Variable in class org.tensorflow.op.Ops
 
sparseAccumulatorApplyGradient(Operand<TString>, Operand<TInt64>, Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>, Boolean) - Method in class org.tensorflow.op.SparseOps
Applies a sparse gradient to a given accumulator.
SparseAccumulatorApplyGradient - Class in org.tensorflow.op.sparse
Applies a sparse gradient to a given accumulator.
SparseAccumulatorApplyGradient(Operation) - Constructor for class org.tensorflow.op.sparse.SparseAccumulatorApplyGradient
 
SparseAccumulatorApplyGradient.Inputs - Class in org.tensorflow.op.sparse
 
sparseAccumulatorTakeGradient(Operand<TString>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.SparseOps
Extracts the average sparse gradient in a SparseConditionalAccumulator.
SparseAccumulatorTakeGradient<T extends TType> - Class in org.tensorflow.op.sparse
Extracts the average sparse gradient in a SparseConditionalAccumulator.
SparseAccumulatorTakeGradient(Operation) - Constructor for class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient
 
SparseAccumulatorTakeGradient.Inputs - Class in org.tensorflow.op.sparse
 
sparseAdd(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.SparseOps
Adds two SparseTensor objects to produce another SparseTensor.
SparseAdd<T extends TType> - Class in org.tensorflow.op.sparse
Adds two SparseTensor objects to produce another SparseTensor.
SparseAdd(Operation) - Constructor for class org.tensorflow.op.sparse.SparseAdd
 
SparseAdd.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseAddGrad(Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
The gradient operator for the SparseAdd op.
SparseAddGrad<T extends TType> - Class in org.tensorflow.op.sparse
The gradient operator for the SparseAdd op.
SparseAddGrad(Operation) - Constructor for class org.tensorflow.op.sparse.SparseAddGrad
 
SparseAddGrad.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseApplyAdadelta(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyAdadelta.Options...) - Method in class org.tensorflow.op.TrainOps
var: Should be from a Variable().
SparseApplyAdadelta<T extends TType> - Class in org.tensorflow.op.train
var: Should be from a Variable().
SparseApplyAdadelta(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyAdadelta
 
SparseApplyAdadelta.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyAdadelta.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyAdadelta
sparseApplyAdagrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' and '*accum' according to the adagrad scheme.
SparseApplyAdagrad<T extends TType> - Class in org.tensorflow.op.train
Update relevant entries in '*var' and '*accum' according to the adagrad scheme.
SparseApplyAdagrad(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyAdagrad
 
SparseApplyAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyAdagrad
sparseApplyAdagradDa(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<TInt64>, SparseApplyAdagradDa.Options...) - Method in class org.tensorflow.op.TrainOps
Update entries in '*var' and '*accum' according to the proximal adagrad scheme.
SparseApplyAdagradDa<T extends TType> - Class in org.tensorflow.op.train
Update entries in '*var' and '*accum' according to the proximal adagrad scheme.
SparseApplyAdagradDa(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyAdagradDa
 
SparseApplyAdagradDa.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyAdagradDa.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyAdagradDa
sparseApplyCenteredRmsProp(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyCenteredRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the centered RMSProp algorithm.
SparseApplyCenteredRmsProp<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the centered RMSProp algorithm.
SparseApplyCenteredRmsProp(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyCenteredRmsProp
 
SparseApplyCenteredRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyCenteredRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyCenteredRmsProp
sparseApplyFtrl(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, SparseApplyFtrl.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' according to the Ftrl-proximal scheme.
SparseApplyFtrl<T extends TType> - Class in org.tensorflow.op.train
Update relevant entries in '*var' according to the Ftrl-proximal scheme.
SparseApplyFtrl(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyFtrl
 
SparseApplyFtrl.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyFtrl.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyFtrl
sparseApplyMomentum(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, Operand<T>, SparseApplyMomentum.Options...) - Method in class org.tensorflow.op.TrainOps
Update relevant entries in '*var' and '*accum' according to the momentum scheme.
SparseApplyMomentum<T extends TType> - Class in org.tensorflow.op.train
Update relevant entries in '*var' and '*accum' according to the momentum scheme.
SparseApplyMomentum(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyMomentum
 
SparseApplyMomentum.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyMomentum.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyMomentum
sparseApplyProximalAdagrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyProximalAdagrad.Options...) - Method in class org.tensorflow.op.TrainOps
Sparse update entries in '*var' and '*accum' according to FOBOS algorithm.
SparseApplyProximalAdagrad<T extends TType> - Class in org.tensorflow.op.train
Sparse update entries in '*var' and '*accum' according to FOBOS algorithm.
SparseApplyProximalAdagrad(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyProximalAdagrad
 
SparseApplyProximalAdagrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyProximalAdagrad.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyProximalAdagrad
sparseApplyProximalGradientDescent(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyProximalGradientDescent.Options...) - Method in class org.tensorflow.op.TrainOps
Sparse update '*var' as FOBOS algorithm with fixed learning rate.
SparseApplyProximalGradientDescent<T extends TType> - Class in org.tensorflow.op.train
Sparse update '*var' as FOBOS algorithm with fixed learning rate.
SparseApplyProximalGradientDescent(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyProximalGradientDescent
 
SparseApplyProximalGradientDescent.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyProximalGradientDescent.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyProximalGradientDescent
sparseApplyRmsProp(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<? extends TNumber>, SparseApplyRmsProp.Options...) - Method in class org.tensorflow.op.TrainOps
Update '*var' according to the RMSProp algorithm.
SparseApplyRmsProp<T extends TType> - Class in org.tensorflow.op.train
Update '*var' according to the RMSProp algorithm.
SparseApplyRmsProp(Operation) - Constructor for class org.tensorflow.op.train.SparseApplyRmsProp
 
SparseApplyRmsProp.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
SparseApplyRmsProp.Options - Class in org.tensorflow.op.train
Optional attributes for SparseApplyRmsProp
sparseBincount(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>, Operand<U>, SparseBincount.Options...) - Method in class org.tensorflow.op.SparseOps
Counts the number of occurrences of each value in an integer array.
SparseBincount<U extends TNumber> - Class in org.tensorflow.op.sparse
Counts the number of occurrences of each value in an integer array.
SparseBincount(Operation) - Constructor for class org.tensorflow.op.sparse.SparseBincount
 
SparseBincount.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseBincount.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseBincount
sparseConcat(Iterable<Operand<TInt64>>, Iterable<Operand<T>>, Iterable<Operand<TInt64>>, Long) - Method in class org.tensorflow.op.SparseOps
Concatenates a list of SparseTensor along the specified dimension.
SparseConcat<T extends TType> - Class in org.tensorflow.op.sparse
Concatenates a list of SparseTensor along the specified dimension.
SparseConcat(Operation) - Constructor for class org.tensorflow.op.sparse.SparseConcat
 
SparseConcat.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseConditionalAccumulator(Class<T>, Shape, SparseConditionalAccumulator.Options...) - Method in class org.tensorflow.op.SparseOps
A conditional accumulator for aggregating sparse gradients.
SparseConditionalAccumulator - Class in org.tensorflow.op.sparse
A conditional accumulator for aggregating sparse gradients.
SparseConditionalAccumulator(Operation) - Constructor for class org.tensorflow.op.sparse.SparseConditionalAccumulator
 
SparseConditionalAccumulator.Inputs - Class in org.tensorflow.op.sparse
 
SparseConditionalAccumulator.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseConditionalAccumulator
sparseCountSparseOutput(Operand<TInt64>, Operand<? extends TNumber>, Operand<TInt64>, Operand<U>, Boolean, SparseCountSparseOutput.Options...) - Method in class org.tensorflow.op.SparseOps
Performs sparse-output bin counting for a sparse tensor input.
SparseCountSparseOutput<U extends TNumber> - Class in org.tensorflow.op.sparse
Performs sparse-output bin counting for a sparse tensor input.
SparseCountSparseOutput(Operation) - Constructor for class org.tensorflow.op.sparse.SparseCountSparseOutput
 
SparseCountSparseOutput.Inputs<U extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseCountSparseOutput.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseCountSparseOutput
sparseCross(Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Operand<TString>) - Method in class org.tensorflow.op.SparseOps
Generates sparse cross from a list of sparse and dense tensors.
SparseCross - Class in org.tensorflow.op.sparse
Generates sparse cross from a list of sparse and dense tensors.
SparseCross(Operation) - Constructor for class org.tensorflow.op.sparse.SparseCross
 
SparseCross.Inputs - Class in org.tensorflow.op.sparse
 
sparseCrossHashed(Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Iterable<Operand<TInt64>>, Iterable<Operand<?>>, Operand<TInt64>, Operand<TBool>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
Generates sparse cross from a list of sparse and dense tensors.
SparseCrossHashed - Class in org.tensorflow.op.sparse
Generates sparse cross from a list of sparse and dense tensors.
SparseCrossHashed(Operation) - Constructor for class org.tensorflow.op.sparse.SparseCrossHashed
 
SparseCrossHashed.Inputs - Class in org.tensorflow.op.sparse
 
sparseDenseCwiseAdd(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Method in class org.tensorflow.op.SparseOps
Adds up a SparseTensor and a dense Tensor, using these special rules: (1) Broadcasts the dense side to have the same shape as the sparse side, if eligible; (2) Then, only the dense values pointed to by the indices of the SparseTensor participate in the cwise addition.
SparseDenseCwiseAdd<T extends TType> - Class in org.tensorflow.op.sparse
Adds up a SparseTensor and a dense Tensor, using these special rules: (1) Broadcasts the dense side to have the same shape as the sparse side, if eligible; (2) Then, only the dense values pointed to by the indices of the SparseTensor participate in the cwise addition.
SparseDenseCwiseAdd(Operation) - Constructor for class org.tensorflow.op.sparse.SparseDenseCwiseAdd
 
SparseDenseCwiseAdd.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseDenseCwiseDiv(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Method in class org.tensorflow.op.SparseOps
Component-wise divides a SparseTensor by a dense Tensor.
SparseDenseCwiseDiv<T extends TType> - Class in org.tensorflow.op.sparse
Component-wise divides a SparseTensor by a dense Tensor.
SparseDenseCwiseDiv(Operation) - Constructor for class org.tensorflow.op.sparse.SparseDenseCwiseDiv
 
SparseDenseCwiseDiv.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseDenseCwiseMul(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Method in class org.tensorflow.op.SparseOps
Component-wise multiplies a SparseTensor by a dense Tensor.
SparseDenseCwiseMul<T extends TType> - Class in org.tensorflow.op.sparse
Component-wise multiplies a SparseTensor by a dense Tensor.
SparseDenseCwiseMul(Operation) - Constructor for class org.tensorflow.op.sparse.SparseDenseCwiseMul
 
SparseDenseCwiseMul.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseDenseShape() - Method in class org.tensorflow.op.ragged.RaggedTensorToSparse
Gets sparseDenseShape.
sparseExampleIndices - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of vectors which contain example indices.
sparseFeatureIndices - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of vectors which contain feature indices.
sparseFeatureValues - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of vectors which contains feature value associated with each feature group.
sparseFillEmptyRows(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<T>) - Method in class org.tensorflow.op.SparseOps
Fills empty rows in the input 2-D SparseTensor with a default value.
SparseFillEmptyRows<T extends TType> - Class in org.tensorflow.op.sparse
Fills empty rows in the input 2-D SparseTensor with a default value.
SparseFillEmptyRows(Operation) - Constructor for class org.tensorflow.op.sparse.SparseFillEmptyRows
 
SparseFillEmptyRows.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseFillEmptyRowsGrad(Operand<TInt64>, Operand<T>) - Method in class org.tensorflow.op.SparseOps
The gradient of SparseFillEmptyRows.
SparseFillEmptyRowsGrad<T extends TType> - Class in org.tensorflow.op.sparse
The gradient of SparseFillEmptyRows.
SparseFillEmptyRowsGrad(Operation) - Constructor for class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad
 
SparseFillEmptyRowsGrad.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseGradient - Variable in class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
The sparseGradient attribute
sparseGradient - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
The sparseGradient attribute
sparseGradient - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
The sparseGradient attribute
sparseGradient - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
The sparseGradient attribute
sparseGradient - Variable in class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
The sparseGradient attribute
sparseGradient - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
The sparseGradient attribute
sparseGradient(Boolean) - Method in class org.tensorflow.op.sparse.SparseSegmentMean.Options
Sets the sparseGradient option.
sparseGradient(Boolean) - Static method in class org.tensorflow.op.sparse.SparseSegmentMean
Sets the sparseGradient option.
sparseGradient(Boolean) - Method in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Options
Sets the sparseGradient option.
sparseGradient(Boolean) - Static method in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments
Sets the sparseGradient option.
sparseGradient(Boolean) - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Options
Sets the sparseGradient option.
sparseGradient(Boolean) - Static method in class org.tensorflow.op.sparse.SparseSegmentSqrtN
Sets the sparseGradient option.
sparseGradient(Boolean) - Method in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Options
Sets the sparseGradient option.
sparseGradient(Boolean) - Static method in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments
Sets the sparseGradient option.
sparseGradient(Boolean) - Method in class org.tensorflow.op.sparse.SparseSegmentSum.Options
Sets the sparseGradient option.
sparseGradient(Boolean) - Static method in class org.tensorflow.op.sparse.SparseSegmentSum
Sets the sparseGradient option.
sparseGradient(Boolean) - Method in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Options
Sets the sparseGradient option.
sparseGradient(Boolean) - Static method in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments
Sets the sparseGradient option.
sparseHandle() - Method in class org.tensorflow.op.sparse.AddSparseToTensorsMap
Gets sparseHandle.
sparseHandles - Variable in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap.Inputs
1-D, The N serialized SparseTensor objects.
sparseHandles() - Method in class org.tensorflow.op.sparse.AddManySparseToTensorsMap
Gets sparseHandles.
sparseIndices - Variable in class org.tensorflow.op.io.SerializeManySparse.Inputs
2-D.
sparseIndices - Variable in class org.tensorflow.op.io.SerializeSparse.Inputs
2-D.
sparseIndices - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The indices tensor for each SparseTensor input.
sparseIndices - Variable in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Inputs
2-D.
sparseIndices - Variable in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Inputs
2-D.
sparseIndices - Variable in class org.tensorflow.op.sparse.SparseToDense.Inputs
0-D, 1-D, or 2-D.
sparseIndices - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of vectors where each value is the indices which has corresponding weights in sparse_weights.
sparseIndices() - Method in class org.tensorflow.op.io.DeserializeManySparse
Gets sparseIndices.
sparseIndices() - Method in class org.tensorflow.op.io.ParseExample
Gets sparseIndices.
sparseIndices() - Method in class org.tensorflow.op.io.ParseSingleExample
Gets sparseIndices.
sparseIndices() - Method in class org.tensorflow.op.ragged.RaggedTensorToSparse
Gets sparseIndices.
sparseIndices() - Method in class org.tensorflow.op.sparse.DeserializeSparse
Gets sparseIndices.
sparseIndices() - Method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
Gets sparseIndices.
sparseInput - Variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense.Inputs
A batched CSRSparseMatrix.
sparseKeys - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
A list of string keys in the examples features.
sparseKeys - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
A list of string keys in the examples features.
sparseKeys - Variable in class org.tensorflow.op.io.ParseExample.Inputs
Vector of strings.
sparseKeys - Variable in class org.tensorflow.op.io.ParseSingleExample.Inputs
A list of num_sparse strings.
sparseMatMul(Operand<? extends TNumber>, Operand<? extends TNumber>, SparseMatMul.Options...) - Method in class org.tensorflow.op.SparseOps
Multiply matrix "a" by matrix "b".
SparseMatMul - Class in org.tensorflow.op.sparse
Multiply matrix "a" by matrix "b".
SparseMatMul(Operation) - Constructor for class org.tensorflow.op.sparse.SparseMatMul
 
SparseMatMul.Inputs - Class in org.tensorflow.op.sparse
 
SparseMatMul.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseMatMul
sparseMatrix - Variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor.Inputs
A (possibly batched) CSRSparseMatrix.
sparseMatrix - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixNNZ.Inputs
A CSRSparseMatrix.
sparseMatrix() - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixZeros
Gets sparseMatrix.
sparseMatrix() - Method in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix
Gets sparseMatrix.
sparseMatrixAdd(Operand<? extends TType>, Operand<? extends TType>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Sparse addition of two CSR matrices, C = alpha * A + beta * B.
SparseMatrixAdd - Class in org.tensorflow.op.linalg.sparse
Sparse addition of two CSR matrices, C = alpha * A + beta * B.
SparseMatrixAdd(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixAdd
 
SparseMatrixAdd.Inputs<T extends TType> - Class in org.tensorflow.op.linalg.sparse
 
sparseMatrixMatMul(Operand<? extends TType>, Operand<T>, SparseMatrixMatMul.Options...) - Method in class org.tensorflow.op.LinalgSparseOps
Matrix-multiplies a sparse matrix with a dense matrix.
SparseMatrixMatMul<T extends TType> - Class in org.tensorflow.op.linalg.sparse
Matrix-multiplies a sparse matrix with a dense matrix.
SparseMatrixMatMul(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
 
SparseMatrixMatMul.Inputs<T extends TType> - Class in org.tensorflow.op.linalg.sparse
 
SparseMatrixMatMul.Options - Class in org.tensorflow.op.linalg.sparse
Optional attributes for SparseMatrixMatMul
sparseMatrixMul(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.LinalgSparseOps
Element-wise multiplication of a sparse matrix with a dense tensor.
SparseMatrixMul - Class in org.tensorflow.op.linalg.sparse
Element-wise multiplication of a sparse matrix with a dense tensor.
SparseMatrixMul(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixMul
 
SparseMatrixMul.Inputs - Class in org.tensorflow.op.linalg.sparse
 
sparseMatrixNNZ(Operand<? extends TType>) - Method in class org.tensorflow.op.LinalgSparseOps
Returns the number of nonzeroes of sparse_matrix.
SparseMatrixNNZ - Class in org.tensorflow.op.linalg.sparse
Returns the number of nonzeroes of sparse_matrix.
SparseMatrixNNZ(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixNNZ
 
SparseMatrixNNZ.Inputs - Class in org.tensorflow.op.linalg.sparse
 
sparseMatrixOrderingAMD(Operand<? extends TType>) - Method in class org.tensorflow.op.LinalgSparseOps
Computes the Approximate Minimum Degree (AMD) ordering of input.
SparseMatrixOrderingAMD - Class in org.tensorflow.op.linalg.sparse
Computes the Approximate Minimum Degree (AMD) ordering of input.
SparseMatrixOrderingAMD(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixOrderingAMD
 
SparseMatrixOrderingAMD.Inputs - Class in org.tensorflow.op.linalg.sparse
 
sparseMatrixSoftmax(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Calculates the softmax of a CSRSparseMatrix.
SparseMatrixSoftmax - Class in org.tensorflow.op.linalg.sparse
Calculates the softmax of a CSRSparseMatrix.
SparseMatrixSoftmax(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax
 
SparseMatrixSoftmax.Inputs - Class in org.tensorflow.op.linalg.sparse
 
sparseMatrixSoftmaxGrad(Operand<? extends TType>, Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Calculates the gradient of the SparseMatrixSoftmax op.
SparseMatrixSoftmaxGrad - Class in org.tensorflow.op.linalg.sparse
Calculates the gradient of the SparseMatrixSoftmax op.
SparseMatrixSoftmaxGrad(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad
 
SparseMatrixSoftmaxGrad.Inputs - Class in org.tensorflow.op.linalg.sparse
 
sparseMatrixSparseCholesky(Operand<? extends TType>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Computes the sparse Cholesky decomposition of input.
SparseMatrixSparseCholesky - Class in org.tensorflow.op.linalg.sparse
Computes the sparse Cholesky decomposition of input.
SparseMatrixSparseCholesky(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky
 
SparseMatrixSparseCholesky.Inputs - Class in org.tensorflow.op.linalg.sparse
 
sparseMatrixSparseMatMul(Operand<? extends TType>, Operand<? extends TType>, Class<T>, SparseMatrixSparseMatMul.Options...) - Method in class org.tensorflow.op.LinalgSparseOps
Sparse-matrix-multiplies two CSR matrices a and b.
SparseMatrixSparseMatMul - Class in org.tensorflow.op.linalg.sparse
Sparse-matrix-multiplies two CSR matrices a and b.
SparseMatrixSparseMatMul(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
 
SparseMatrixSparseMatMul.Inputs - Class in org.tensorflow.op.linalg.sparse
 
SparseMatrixSparseMatMul.Options - Class in org.tensorflow.op.linalg.sparse
Optional attributes for SparseMatrixSparseMatMul
sparseMatrixTranspose(Operand<? extends TType>, Class<T>, SparseMatrixTranspose.Options...) - Method in class org.tensorflow.op.LinalgSparseOps
Transposes the inner (matrix) dimensions of a CSRSparseMatrix.
SparseMatrixTranspose - Class in org.tensorflow.op.linalg.sparse
Transposes the inner (matrix) dimensions of a CSRSparseMatrix.
SparseMatrixTranspose(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose
 
SparseMatrixTranspose.Inputs - Class in org.tensorflow.op.linalg.sparse
 
SparseMatrixTranspose.Options - Class in org.tensorflow.op.linalg.sparse
Optional attributes for SparseMatrixTranspose
sparseMatrixZeros(Operand<TInt64>, Class<T>) - Method in class org.tensorflow.op.LinalgSparseOps
Creates an all-zeros CSRSparseMatrix with shape dense_shape.
SparseMatrixZeros - Class in org.tensorflow.op.linalg.sparse
Creates an all-zeros CSRSparseMatrix with shape dense_shape.
SparseMatrixZeros(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseMatrixZeros
 
SparseMatrixZeros.Inputs - Class in org.tensorflow.op.linalg.sparse
 
SparseOps - Class in org.tensorflow.op
An API for building sparse operations as Ops
sparseOutput() - Method in class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix
Gets sparseOutput.
sparseReduceMax(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceMax.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the max of elements across dimensions of a SparseTensor.
SparseReduceMax<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the max of elements across dimensions of a SparseTensor.
SparseReduceMax(Operation) - Constructor for class org.tensorflow.op.sparse.SparseReduceMax
 
SparseReduceMax.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseReduceMax.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseReduceMax
sparseReduceMaxSparse(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceMaxSparse.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the max of elements across dimensions of a SparseTensor.
SparseReduceMaxSparse<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the max of elements across dimensions of a SparseTensor.
SparseReduceMaxSparse(Operation) - Constructor for class org.tensorflow.op.sparse.SparseReduceMaxSparse
 
SparseReduceMaxSparse.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseReduceMaxSparse.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseReduceMaxSparse
sparseReduceSum(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceSum.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the sum of elements across dimensions of a SparseTensor.
SparseReduceSum<T extends TType> - Class in org.tensorflow.op.sparse
Computes the sum of elements across dimensions of a SparseTensor.
SparseReduceSum(Operation) - Constructor for class org.tensorflow.op.sparse.SparseReduceSum
 
SparseReduceSum.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
SparseReduceSum.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseReduceSum
sparseReduceSumSparse(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt32>, SparseReduceSumSparse.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the sum of elements across dimensions of a SparseTensor.
SparseReduceSumSparse<T extends TType> - Class in org.tensorflow.op.sparse
Computes the sum of elements across dimensions of a SparseTensor.
SparseReduceSumSparse(Operation) - Constructor for class org.tensorflow.op.sparse.SparseReduceSumSparse
 
SparseReduceSumSparse.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
SparseReduceSumSparse.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseReduceSumSparse
sparseReorder(Operand<TInt64>, Operand<T>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
Reorders a SparseTensor into the canonical, row-major ordering.
SparseReorder<T extends TType> - Class in org.tensorflow.op.sparse
Reorders a SparseTensor into the canonical, row-major ordering.
SparseReorder(Operation) - Constructor for class org.tensorflow.op.sparse.SparseReorder
 
SparseReorder.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseReshape(Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
Reshapes a SparseTensor to represent values in a new dense shape.
SparseReshape - Class in org.tensorflow.op.sparse
Reshapes a SparseTensor to represent values in a new dense shape.
SparseReshape(Operation) - Constructor for class org.tensorflow.op.sparse.SparseReshape
 
SparseReshape.Inputs - Class in org.tensorflow.op.sparse
 
sparseSegmentMean(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentMean.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the mean along sparse segments of a tensor.
SparseSegmentMean<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the mean along sparse segments of a tensor.
SparseSegmentMean(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentMean
 
SparseSegmentMean.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseSegmentMean.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseSegmentMean
sparseSegmentMeanGrad(Operand<T>, Operand<U>, Operand<? extends TNumber>, Operand<TInt32>) - Method in class org.tensorflow.op.SparseOps
Computes gradients for SparseSegmentMean.
SparseSegmentMeanGrad<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.sparse
Computes gradients for SparseSegmentMean.
SparseSegmentMeanGrad(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentMeanGrad
 
SparseSegmentMeanGrad.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.sparse
 
sparseSegmentMeanWithNumSegments(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentMeanWithNumSegments.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the mean along sparse segments of a tensor.
SparseSegmentMeanWithNumSegments<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the mean along sparse segments of a tensor.
SparseSegmentMeanWithNumSegments(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments
 
SparseSegmentMeanWithNumSegments.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseSegmentMeanWithNumSegments.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseSegmentMeanWithNumSegments
sparseSegmentSqrtN(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSqrtN.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the sum along sparse segments of a tensor divided by the sqrt of N.
SparseSegmentSqrtN<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the sum along sparse segments of a tensor divided by the sqrt of N.
SparseSegmentSqrtN(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSqrtN
 
SparseSegmentSqrtN.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseSegmentSqrtN.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseSegmentSqrtN
sparseSegmentSqrtNGrad(Operand<T>, Operand<U>, Operand<? extends TNumber>, Operand<TInt32>) - Method in class org.tensorflow.op.SparseOps
Computes gradients for SparseSegmentSqrtN.
SparseSegmentSqrtNGrad<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.sparse
Computes gradients for SparseSegmentSqrtN.
SparseSegmentSqrtNGrad(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad
 
SparseSegmentSqrtNGrad.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.sparse
 
sparseSegmentSqrtNWithNumSegments(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSqrtNWithNumSegments.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the sum along sparse segments of a tensor divided by the sqrt of N.
SparseSegmentSqrtNWithNumSegments<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the sum along sparse segments of a tensor divided by the sqrt of N.
SparseSegmentSqrtNWithNumSegments(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments
 
SparseSegmentSqrtNWithNumSegments.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseSegmentSqrtNWithNumSegments.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseSegmentSqrtNWithNumSegments
sparseSegmentSum(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSum.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the sum along sparse segments of a tensor.
SparseSegmentSum<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the sum along sparse segments of a tensor.
SparseSegmentSum(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSum
 
SparseSegmentSum.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseSegmentSum.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseSegmentSum
sparseSegmentSumGrad(Operand<T>, Operand<U>, Operand<? extends TNumber>, Operand<TInt32>) - Method in class org.tensorflow.op.SparseOps
Computes gradients for SparseSegmentSum.
SparseSegmentSumGrad<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.sparse
Computes gradients for SparseSegmentSum.
SparseSegmentSumGrad(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSumGrad
 
SparseSegmentSumGrad.Inputs<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.sparse
 
sparseSegmentSumWithNumSegments(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, SparseSegmentSumWithNumSegments.Options...) - Method in class org.tensorflow.op.SparseOps
Computes the sum along sparse segments of a tensor.
SparseSegmentSumWithNumSegments<T extends TNumber> - Class in org.tensorflow.op.sparse
Computes the sum along sparse segments of a tensor.
SparseSegmentSumWithNumSegments(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments
 
SparseSegmentSumWithNumSegments.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
SparseSegmentSumWithNumSegments.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseSegmentSumWithNumSegments
sparseShape - Variable in class org.tensorflow.op.io.SerializeManySparse.Inputs
1-D.
sparseShape - Variable in class org.tensorflow.op.io.SerializeSparse.Inputs
1-D.
sparseShape - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The dense_shape tensor for each SparseTensor input.
sparseShape - Variable in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Inputs
1-D.
sparseShape - Variable in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Inputs
1-D.
sparseShape() - Method in class org.tensorflow.op.io.DeserializeManySparse
Gets sparseShape.
sparseShape() - Method in class org.tensorflow.op.sparse.DeserializeSparse
Gets sparseShape.
sparseShape() - Method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
Gets sparseShape.
sparseShapes() - Method in class org.tensorflow.op.io.ParseExample
Gets sparseShapes.
sparseShapes() - Method in class org.tensorflow.op.io.ParseSingleExample
Gets sparseShapes.
sparseSlice(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
Slice a SparseTensor based on the start and size.
SparseSlice<T extends TType> - Class in org.tensorflow.op.sparse
Slice a SparseTensor based on the start and size.
SparseSlice(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSlice
 
SparseSlice.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseSliceGrad(Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
The gradient operator for the SparseSlice op.
SparseSliceGrad<T extends TType> - Class in org.tensorflow.op.sparse
The gradient operator for the SparseSlice op.
SparseSliceGrad(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSliceGrad
 
SparseSliceGrad.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseSoftmax(Operand<TInt64>, Operand<T>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
Applies softmax to a batched N-D SparseTensor.
SparseSoftmax<T extends TNumber> - Class in org.tensorflow.op.sparse
Applies softmax to a batched N-D SparseTensor.
SparseSoftmax(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSoftmax
 
SparseSoftmax.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
sparseSoftmaxCrossEntropyWithLogits(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.NnOps
Computes softmax cross entropy cost and gradients to backpropagate.
SparseSoftmaxCrossEntropyWithLogits<T extends TNumber> - Class in org.tensorflow.op.nn
Computes softmax cross entropy cost and gradients to backpropagate.
SparseSoftmaxCrossEntropyWithLogits(Operation) - Constructor for class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits
 
SparseSoftmaxCrossEntropyWithLogits.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
sparseSparseMaximum(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
Returns the element-wise max of two SparseTensors.
SparseSparseMaximum<T extends TNumber> - Class in org.tensorflow.op.sparse
Returns the element-wise max of two SparseTensors.
SparseSparseMaximum(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSparseMaximum
 
SparseSparseMaximum.Inputs<T extends TNumber> - Class in org.tensorflow.op.sparse
 
sparseSparseMinimum(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>) - Method in class org.tensorflow.op.SparseOps
Returns the element-wise min of two SparseTensors.
SparseSparseMinimum<T extends TType> - Class in org.tensorflow.op.sparse
Returns the element-wise min of two SparseTensors.
SparseSparseMinimum(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSparseMinimum
 
SparseSparseMinimum.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
sparseSplit(Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, Long) - Method in class org.tensorflow.op.SparseOps
Split a SparseTensor into num_split tensors along one dimension.
SparseSplit<T extends TType> - Class in org.tensorflow.op.sparse
Split a SparseTensor into num_split tensors along one dimension.
SparseSplit(Operation) - Constructor for class org.tensorflow.op.sparse.SparseSplit
 
SparseSplit.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
SparseTensor<T extends TType> - Interface in org.tensorflow
A virtual type of Tensor composed of three dense tensors (indices, values and dimensions) used to represent the sparse data into a multi-dimensional dense space.
sparseTensorDenseAdd(Operand<T>, Operand<U>, Operand<T>, Operand<U>) - Method in class org.tensorflow.op.SparseOps
Adds up a SparseTensor and a dense Tensor, producing a dense Tensor.
SparseTensorDenseAdd<U extends TType> - Class in org.tensorflow.op.sparse
Adds up a SparseTensor and a dense Tensor, producing a dense Tensor.
SparseTensorDenseAdd(Operation) - Constructor for class org.tensorflow.op.sparse.SparseTensorDenseAdd
 
SparseTensorDenseAdd.Inputs<T extends TNumber,U extends TType> - Class in org.tensorflow.op.sparse
 
sparseTensorDenseMatMul(Operand<? extends TNumber>, Operand<U>, Operand<TInt64>, Operand<U>, SparseTensorDenseMatMul.Options...) - Method in class org.tensorflow.op.SparseOps
Multiply SparseTensor (of rank 2) "A" by dense matrix "B".
SparseTensorDenseMatMul<U extends TType> - Class in org.tensorflow.op.sparse
Multiply SparseTensor (of rank 2) "A" by dense matrix "B".
SparseTensorDenseMatMul(Operation) - Constructor for class org.tensorflow.op.sparse.SparseTensorDenseMatMul
 
SparseTensorDenseMatMul.Inputs<U extends TType> - Class in org.tensorflow.op.sparse
 
SparseTensorDenseMatMul.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseTensorDenseMatMul
sparseTensorOf(TInt64, TBfloat16, TInt64) - Static method in interface org.tensorflow.types.TBfloat16
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorOf(TInt64, TBool, TInt64) - Static method in interface org.tensorflow.types.TBool
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of false.
sparseTensorOf(TInt64, TFloat16, TInt64) - Static method in interface org.tensorflow.types.TFloat16
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorOf(TInt64, TFloat32, TInt64) - Static method in interface org.tensorflow.types.TFloat32
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorOf(TInt64, TFloat64, TInt64) - Static method in interface org.tensorflow.types.TFloat64
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorOf(TInt64, TInt32, TInt64) - Static method in interface org.tensorflow.types.TInt32
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorOf(TInt64, TInt64, TInt64) - Static method in interface org.tensorflow.types.TInt64
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorOf(TInt64, TString, TInt64) - Static method in interface org.tensorflow.types.TString
Create a sparse tensor from indices, values and denseShape dense tensors, with an empty string as the default value.
sparseTensorOf(TInt64, TUint16, TInt64) - Static method in interface org.tensorflow.types.TUint16
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorOf(TInt64, TUint8, TInt64) - Static method in interface org.tensorflow.types.TUint8
Create a sparse tensor from indices, values and denseShape dense tensors, with a default value of zero.
sparseTensorSliceDataset(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that splits a SparseTensor into elements row-wise.
SparseTensorSliceDataset - Class in org.tensorflow.op.data
Creates a dataset that splits a SparseTensor into elements row-wise.
SparseTensorSliceDataset(Operation) - Constructor for class org.tensorflow.op.data.SparseTensorSliceDataset
 
SparseTensorSliceDataset.Inputs - Class in org.tensorflow.op.data
 
sparseTensorToCSRSparseMatrix(Operand<TInt64>, Operand<? extends TType>, Operand<TInt64>) - Method in class org.tensorflow.op.LinalgSparseOps
Converts a SparseTensor to a (possibly batched) CSRSparseMatrix.
SparseTensorToCSRSparseMatrix - Class in org.tensorflow.op.linalg.sparse
Converts a SparseTensor to a (possibly batched) CSRSparseMatrix.
SparseTensorToCSRSparseMatrix(Operation) - Constructor for class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix
 
SparseTensorToCSRSparseMatrix.Inputs - Class in org.tensorflow.op.linalg.sparse
 
sparseToDense(Operand<T>, Operand<T>, Operand<U>, Operand<U>, SparseToDense.Options...) - Method in class org.tensorflow.op.SparseOps
Converts a sparse representation into a dense tensor.
SparseToDense<U extends TType> - Class in org.tensorflow.op.sparse
Converts a sparse representation into a dense tensor.
SparseToDense(Operation) - Constructor for class org.tensorflow.op.sparse.SparseToDense
 
SparseToDense.Inputs<T extends TNumber,U extends TType> - Class in org.tensorflow.op.sparse
 
SparseToDense.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseToDense
sparseToSparseSetOperation(Operand<TInt64>, Operand<T>, Operand<TInt64>, Operand<TInt64>, Operand<T>, Operand<TInt64>, String, SparseToSparseSetOperation.Options...) - Method in class org.tensorflow.op.SparseOps
Applies set operation along last dimension of 2 SparseTensor inputs.
SparseToSparseSetOperation<T extends TType> - Class in org.tensorflow.op.sparse
Applies set operation along last dimension of 2 SparseTensor inputs.
SparseToSparseSetOperation(Operation) - Constructor for class org.tensorflow.op.sparse.SparseToSparseSetOperation
 
SparseToSparseSetOperation.Inputs<T extends TType> - Class in org.tensorflow.op.sparse
 
SparseToSparseSetOperation.Options - Class in org.tensorflow.op.sparse
Optional attributes for SparseToSparseSetOperation
sparseTypes - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
A list of DTypes of the same length as sparse_keys.
sparseTypes - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
A list of DTypes of the same length as sparse_keys.
sparseTypes - Variable in class org.tensorflow.op.io.ParseExample.Inputs
A list of num_sparse types; the data types of data in each Feature given in sparse_keys.
sparseTypes - Variable in class org.tensorflow.op.io.ParseSingleExample.Inputs
A list of num_sparse types; the data types of data in each Feature given in sparse_keys.
sparseTypes - Variable in class org.tensorflow.op.sparse.SparseCross.Inputs
The sparseTypes attribute
sparseTypes - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
The sparseTypes attribute
sparseValues - Variable in class org.tensorflow.op.io.SerializeManySparse.Inputs
1-D.
sparseValues - Variable in class org.tensorflow.op.io.SerializeSparse.Inputs
1-D.
sparseValues - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The values tensor for each SparseTensor input.
sparseValues - Variable in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Inputs
1-D.
sparseValues - Variable in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Inputs
1-D.
sparseValues - Variable in class org.tensorflow.op.sparse.SparseToDense.Inputs
1-D.
sparseValues() - Method in class org.tensorflow.op.io.DeserializeManySparse
Gets sparseValues.
sparseValues() - Method in class org.tensorflow.op.io.ParseExample
Gets sparseValues.
sparseValues() - Method in class org.tensorflow.op.io.ParseSingleExample
Gets sparseValues.
sparseValues() - Method in class org.tensorflow.op.ragged.RaggedTensorToSparse
Gets sparseValues.
sparseValues() - Method in class org.tensorflow.op.sparse.DeserializeSparse
Gets sparseValues.
sparseValues() - Method in class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
Gets sparseValues.
sparseValuesTypes - Variable in class org.tensorflow.op.ragged.RaggedCross.Inputs
The sparseValuesTypes attribute
sparseWeights - Variable in class org.tensorflow.op.train.SdcaOptimizer.Inputs
a list of vectors where each value is the weight associated with a sparse feature group.
special - Variable in class org.tensorflow.op.MathOps
 
spectrogram - Variable in class org.tensorflow.op.audio.Mfcc.Inputs
Typically produced by the Spectrogram op, with magnitude_squared set to true.
spectrogram() - Method in class org.tensorflow.op.audio.AudioSpectrogram
Gets spectrogram.
spence(Operand<T>) - Method in class org.tensorflow.op.MathSpecialOps
The Spence operation
Spence<T extends TNumber> - Class in org.tensorflow.op.math.special
The Spence operation
Spence(Operation) - Constructor for class org.tensorflow.op.math.special.Spence
 
Spence.Inputs<T extends TNumber> - Class in org.tensorflow.op.math.special
 
spIndices - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseAdd.Inputs
2-D.
spIndices - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseDiv.Inputs
2-D.
spIndices - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseMul.Inputs
2-D.
spIndices - Variable in class org.tensorflow.op.sparse.SparseSoftmax.Inputs
2-D.
split(Operand<TInt32>, Operand<T>, Long) - Method in class org.tensorflow.op.Ops
Splits a tensor into num_split tensors along one dimension.
Split<T extends TType> - Class in org.tensorflow.op.core
Splits a tensor into num_split tensors along one dimension.
Split(Operation) - Constructor for class org.tensorflow.op.core.Split
 
Split.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
splitCount - Variable in class org.tensorflow.op.tpu.AllToAll.Inputs
The number of splits, this number must equal to the sub-group size(group_assignment.get_shape()[1])
splitDedupData(Operand<? extends TType>, Class<T>, Class<U>, String, SplitDedupData.Options...) - Method in class org.tensorflow.op.TpuOps
An op splits input deduplication data XLA tuple into integer and floating point tensors.
SplitDedupData<T extends TNumber,U extends TNumber> - Class in org.tensorflow.op.tpu
An op splits input deduplication data XLA tuple into integer and floating point tensors.
SplitDedupData(Operation) - Constructor for class org.tensorflow.op.tpu.SplitDedupData
 
SplitDedupData.Inputs - Class in org.tensorflow.op.tpu
 
SplitDedupData.Options - Class in org.tensorflow.op.tpu
Optional attributes for SplitDedupData
splitDim - Variable in class org.tensorflow.op.sparse.SparseSplit.Inputs
0-D.
splitDimension - Variable in class org.tensorflow.op.tpu.AllToAll.Inputs
The dimension number to split.
splitND(Operand<T>, Long, List<Long>, SplitND.Options...) - Method in class org.tensorflow.op.XlaOps
Splits input tensor across all dimensions.
SplitND<T extends TType> - Class in org.tensorflow.op.xla
Splits input tensor across all dimensions.
SplitND(Operation) - Constructor for class org.tensorflow.op.xla.SplitND
 
SplitND.Inputs<T extends TType> - Class in org.tensorflow.op.xla
 
SplitND.Options - Class in org.tensorflow.op.xla
Optional attributes for SplitND
splits - Variable in class org.tensorflow.op.ragged.RaggedBincount.Inputs
1D int64 Tensor.
splits - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
Tensor containing the row splits of the ragged tensor to count.
splits - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The splits input
splits() - Method in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica
Gets splits.
splitV(Operand<T>, Operand<? extends TNumber>, Operand<TInt32>, Long) - Method in class org.tensorflow.op.Ops
Splits a tensor into num_split tensors along one dimension.
SplitV<T extends TType> - Class in org.tensorflow.op.core
Splits a tensor into num_split tensors along one dimension.
SplitV(Operation) - Constructor for class org.tensorflow.op.core.SplitV
 
SplitV.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
spShape - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseAdd.Inputs
1-D.
spShape - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseDiv.Inputs
1-D.
spShape - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseMul.Inputs
1-D.
spShape - Variable in class org.tensorflow.op.sparse.SparseSoftmax.Inputs
1-D.
spValues - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseAdd.Inputs
1-D.
spValues - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseDiv.Inputs
1-D.
spValues - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseMul.Inputs
1-D.
spValues - Variable in class org.tensorflow.op.sparse.SparseSoftmax.Inputs
1-D.
sqlDataset(Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that executes a SQL query and emits rows of the result set.
sqlDataset(Operand<TString>, Operand<TString>, Operand<TString>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that executes a SQL query and emits rows of the result set.
SqlDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that executes a SQL query and emits rows of the result set.
SqlDataset - Class in org.tensorflow.op.data
Creates a dataset that executes a SQL query and emits rows of the result set.
SqlDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.SqlDataset
 
SqlDataset(Operation) - Constructor for class org.tensorflow.op.data.SqlDataset
 
SqlDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
SqlDataset.Inputs - Class in org.tensorflow.op.data
 
sqrt(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes square root of x element-wise.
Sqrt<T extends TType> - Class in org.tensorflow.op.math
Computes square root of x element-wise.
Sqrt(Operation) - Constructor for class org.tensorflow.op.math.Sqrt
 
Sqrt.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
sqrtGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the gradient for the sqrt of x wrt its input.
SqrtGrad<T extends TType> - Class in org.tensorflow.op.math
Computes the gradient for the sqrt of x wrt its input.
SqrtGrad(Operation) - Constructor for class org.tensorflow.op.math.SqrtGrad
 
SqrtGrad.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
sqrtm(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Computes the matrix square root of one or more square matrices: matmul(sqrtm(A), sqrtm(A)) = A
Sqrtm<T extends TType> - Class in org.tensorflow.op.linalg
Computes the matrix square root of one or more square matrices: matmul(sqrtm(A), sqrtm(A)) = A
Sqrtm(Operation) - Constructor for class org.tensorflow.op.linalg.Sqrtm
 
Sqrtm.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
square(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes square of x element-wise.
Square<T extends TType> - Class in org.tensorflow.op.math
Computes square of x element-wise.
Square(Operation) - Constructor for class org.tensorflow.op.math.Square
 
Square.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
squaredDifference(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns conj(x - y)(x - y) element-wise.
SquaredDifference<T extends TType> - Class in org.tensorflow.op.math
Returns conj(x - y)(x - y) element-wise.
SquaredDifference(Operation) - Constructor for class org.tensorflow.op.math.SquaredDifference
 
SquaredDifference.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
squeeze(Shape<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Removes dimensions of size 1 from the shape.
squeeze(Shape<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Removes dimensions of size 1 from the shape.
squeeze(Scope, Shape<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Removes dimensions of size 1 from the shape.
squeeze(Scope, Shape<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Removes dimensions of size 1 from the shape.
squeeze(Operand<T>, Squeeze.Options...) - Method in class org.tensorflow.op.Ops
Removes dimensions of size 1 from the shape of a tensor.
Squeeze<T extends TType> - Class in org.tensorflow.op.core
Removes dimensions of size 1 from the shape of a tensor.
Squeeze(Operation) - Constructor for class org.tensorflow.op.core.Squeeze
 
Squeeze.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Squeeze.Options - Class in org.tensorflow.op.core
Optional attributes for Squeeze
srcFormat - Variable in class org.tensorflow.op.nn.DataFormatDimMap.Inputs
source data format.
srcFormat - Variable in class org.tensorflow.op.nn.DataFormatVecPermute.Inputs
source data format.
srcFormat(String) - Method in class org.tensorflow.op.nn.DataFormatDimMap.Options
Sets the srcFormat option.
srcFormat(String) - Static method in class org.tensorflow.op.nn.DataFormatDimMap
Sets the srcFormat option.
srcFormat(String) - Method in class org.tensorflow.op.nn.DataFormatVecPermute.Options
Sets the srcFormat option.
srcFormat(String) - Static method in class org.tensorflow.op.nn.DataFormatVecPermute
Sets the srcFormat option.
SrcT - Variable in class org.tensorflow.op.dtypes.Cast.Inputs
The SrcT attribute
stack(Iterable<Operand<T>>, Stack.Options...) - Method in class org.tensorflow.op.Ops
Packs a list of N rank-R tensors into one rank-(R+1) tensor.
Stack<T extends TType> - Class in org.tensorflow.op.core
Packs a list of N rank-R tensors into one rank-(R+1) tensor.
Stack(Operation) - Constructor for class org.tensorflow.op.core.Stack
 
Stack.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Stack.Options - Class in org.tensorflow.op.core
Optional attributes for Stack
stackClose(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Delete the stack from its resource container.
StackClose - Class in org.tensorflow.op.core
Delete the stack from its resource container.
StackClose(Operation) - Constructor for class org.tensorflow.op.core.StackClose
 
StackClose.Inputs - Class in org.tensorflow.op.core
 
stackCreate(Operand<TInt32>, Class<T>, StackCreate.Options...) - Method in class org.tensorflow.op.Ops
A stack that produces elements in first-in last-out order.
StackCreate - Class in org.tensorflow.op.core
A stack that produces elements in first-in last-out order.
StackCreate(Operation) - Constructor for class org.tensorflow.op.core.StackCreate
 
StackCreate.Inputs - Class in org.tensorflow.op.core
 
StackCreate.Options - Class in org.tensorflow.op.core
Optional attributes for StackCreate
stackName - Variable in class org.tensorflow.op.core.StackCreate.Inputs
Overrides the name used for the temporary stack resource.
stackName(String) - Method in class org.tensorflow.op.core.StackCreate.Options
Sets the stackName option.
stackName(String) - Static method in class org.tensorflow.op.core.StackCreate
Sets the stackName option.
stackPop(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.Ops
Pop the element at the top of the stack.
StackPop<T extends TType> - Class in org.tensorflow.op.core
Pop the element at the top of the stack.
StackPop(Operation) - Constructor for class org.tensorflow.op.core.StackPop
 
StackPop.Inputs - Class in org.tensorflow.op.core
 
stackPush(Operand<? extends TType>, Operand<T>, StackPush.Options...) - Method in class org.tensorflow.op.Ops
Push an element onto the stack.
StackPush<T extends TType> - Class in org.tensorflow.op.core
Push an element onto the stack.
StackPush(Operation) - Constructor for class org.tensorflow.op.core.StackPush
 
StackPush.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
StackPush.Options - Class in org.tensorflow.op.core
Optional attributes for StackPush
stage(Iterable<Operand<?>>, Stage.Options...) - Method in class org.tensorflow.op.Ops
Stage values similar to a lightweight Enqueue.
Stage - Class in org.tensorflow.op.core
Stage values similar to a lightweight Enqueue.
Stage(Operation) - Constructor for class org.tensorflow.op.core.Stage
 
Stage.Inputs - Class in org.tensorflow.op.core
 
Stage.Options - Class in org.tensorflow.op.core
Optional attributes for Stage
stageClear(List<Class<? extends TType>>, StageClear.Options...) - Method in class org.tensorflow.op.Ops
Op removes all elements in the underlying container.
StageClear - Class in org.tensorflow.op.core
Op removes all elements in the underlying container.
StageClear(Operation) - Constructor for class org.tensorflow.op.core.StageClear
 
StageClear.Inputs - Class in org.tensorflow.op.core
 
StageClear.Options - Class in org.tensorflow.op.core
Optional attributes for StageClear
stagePeek(Operand<TInt32>, List<Class<? extends TType>>, StagePeek.Options...) - Method in class org.tensorflow.op.Ops
Op peeks at the values at the specified index.
StagePeek - Class in org.tensorflow.op.core
Op peeks at the values at the specified index.
StagePeek(Operation) - Constructor for class org.tensorflow.op.core.StagePeek
 
StagePeek.Inputs - Class in org.tensorflow.op.core
 
StagePeek.Options - Class in org.tensorflow.op.core
Optional attributes for StagePeek
stageSize(List<Class<? extends TType>>, StageSize.Options...) - Method in class org.tensorflow.op.Ops
Op returns the number of elements in the underlying container.
StageSize - Class in org.tensorflow.op.core
Op returns the number of elements in the underlying container.
StageSize(Operation) - Constructor for class org.tensorflow.op.core.StageSize
 
StageSize.Inputs - Class in org.tensorflow.op.core
 
StageSize.Options - Class in org.tensorflow.op.core
Optional attributes for StageSize
start - Variable in class org.tensorflow.op.core.For.Inputs
The lower bound.
start - Variable in class org.tensorflow.op.core.LinSpace.Inputs
0-D tensor.
start - Variable in class org.tensorflow.op.core.Range.Inputs
0-D (scalar).
start - Variable in class org.tensorflow.op.data.RangeDataset.Inputs
corresponds to start in python's xrange().
start - Variable in class org.tensorflow.op.sparse.SparseSlice.Inputs
1-D.
start() - Method in class org.tensorflow.Server
Starts an in-process TensorFlow server.
startIndex - Variable in class org.tensorflow.op.data.SnapshotDatasetReader.Inputs
The startIndex input
starts - Variable in class org.tensorflow.op.ragged.RaggedRange.Inputs
The starts of each range.
state - Variable in class org.tensorflow.op.io.ReaderRestoreState.Inputs
Result of a ReaderSerializeState of a Reader with type matching reader_handle.
state() - Method in class org.tensorflow.op.io.ReaderSerializeState
Gets state.
statefulCase(Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<ConcreteFunction>, Case.Options...) - Method in class org.tensorflow.op.Ops
An n-way switch statement which calls a single branch function.
StatefulCase - Class in org.tensorflow.op.core
An n-way switch statement which calls a single branch function.
StatefulCase(Operation) - Constructor for class org.tensorflow.op.core.StatefulCase
 
StatefulCase.Inputs - Class in org.tensorflow.op.core
 
statefulIf(Operand<? extends TType>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, ConcreteFunction, If.Options...) - Method in class org.tensorflow.op.Ops
output = cond ? then_branch(input) : else_branch(input)
StatefulIf - Class in org.tensorflow.op.core
output = cond ? then_branch(input) : else_branch(input)
StatefulIf(Operation) - Constructor for class org.tensorflow.op.core.StatefulIf
 
StatefulIf.Inputs - Class in org.tensorflow.op.core
 
statefulPartitionedCall(Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, StatefulPartitionedCall.Options...) - Method in class org.tensorflow.op.Ops
returns f(inputs), where f's body is placed and partitioned.
StatefulPartitionedCall - Class in org.tensorflow.op.core
returns f(inputs), where f's body is placed and partitioned.
StatefulPartitionedCall(Operation) - Constructor for class org.tensorflow.op.core.StatefulPartitionedCall
 
StatefulPartitionedCall.Inputs - Class in org.tensorflow.op.core
 
StatefulPartitionedCall.Options - Class in org.tensorflow.op.core
Optional attributes for StatefulPartitionedCall
statefulRandomBinomial(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TNumber>, Operand<U>, Operand<U>) - Method in class org.tensorflow.op.RandomOps
The StatefulRandomBinomial operation
statefulRandomBinomial(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TNumber>, Operand<U>, Operand<U>, Class<V>) - Method in class org.tensorflow.op.RandomOps
The StatefulRandomBinomial operation
StatefulRandomBinomial<V extends TNumber> - Class in org.tensorflow.op.random
The StatefulRandomBinomial operation
StatefulRandomBinomial(Operation) - Constructor for class org.tensorflow.op.random.StatefulRandomBinomial
 
StatefulRandomBinomial.Inputs<U extends TNumber> - Class in org.tensorflow.op.random
 
statefulStandardNormal(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a normal distribution.
statefulStandardNormal(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a normal distribution.
StatefulStandardNormal<U extends TType> - Class in org.tensorflow.op.random
Outputs random values from a normal distribution.
StatefulStandardNormal(Operation) - Constructor for class org.tensorflow.op.random.StatefulStandardNormal
 
StatefulStandardNormal.Inputs - Class in org.tensorflow.op.random
 
statefulTruncatedNormal(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a truncated normal distribution.
statefulTruncatedNormal(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a truncated normal distribution.
StatefulTruncatedNormal<U extends TType> - Class in org.tensorflow.op.random
Outputs random values from a truncated normal distribution.
StatefulTruncatedNormal(Operation) - Constructor for class org.tensorflow.op.random.StatefulTruncatedNormal
 
StatefulTruncatedNormal.Inputs - Class in org.tensorflow.op.random
 
statefulUniform(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a uniform distribution.
statefulUniform(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a uniform distribution.
StatefulUniform<U extends TType> - Class in org.tensorflow.op.random
Outputs random values from a uniform distribution.
StatefulUniform(Operation) - Constructor for class org.tensorflow.op.random.StatefulUniform
 
StatefulUniform.Inputs - Class in org.tensorflow.op.random
 
statefulUniformFullInt(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs random integers from a uniform distribution.
StatefulUniformFullInt<U extends TType> - Class in org.tensorflow.op.random
Outputs random integers from a uniform distribution.
StatefulUniformFullInt(Operation) - Constructor for class org.tensorflow.op.random.StatefulUniformFullInt
 
StatefulUniformFullInt.Inputs - Class in org.tensorflow.op.random
 
statefulUniformInt(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Operand<U>, Operand<U>) - Method in class org.tensorflow.op.RandomOps
Outputs random integers from a uniform distribution.
StatefulUniformInt<U extends TType> - Class in org.tensorflow.op.random
Outputs random integers from a uniform distribution.
StatefulUniformInt(Operation) - Constructor for class org.tensorflow.op.random.StatefulUniformInt
 
StatefulUniformInt.Inputs<U extends TType> - Class in org.tensorflow.op.random
 
statefulWhile(Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, While.Options...) - Method in class org.tensorflow.op.Ops
output = input; While (Cond(output)) { output = Body(output) }
StatefulWhile - Class in org.tensorflow.op.core
output = input; While (Cond(output)) { output = Body(output) }
StatefulWhile(Operation) - Constructor for class org.tensorflow.op.core.StatefulWhile
 
StatefulWhile.Inputs - Class in org.tensorflow.op.core
 
statelessCase(Operand<TInt32>, Iterable<Operand<?>>, List<Class<? extends TType>>, List<ConcreteFunction>, Case.Options...) - Method in class org.tensorflow.op.Ops
An n-way switch statement which calls a single branch function.
StatelessCase - Class in org.tensorflow.op.core
An n-way switch statement which calls a single branch function.
StatelessCase(Operation) - Constructor for class org.tensorflow.op.core.StatelessCase
 
StatelessCase.Inputs - Class in org.tensorflow.op.core
 
statelessIf(Operand<? extends TType>, Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction, ConcreteFunction, If.Options...) - Method in class org.tensorflow.op.Ops
output = cond ? then_branch(input) : else_branch(input)
StatelessIf - Class in org.tensorflow.op.core
output = cond ? then_branch(input) : else_branch(input)
StatelessIf(Operation) - Constructor for class org.tensorflow.op.core.StatelessIf
 
StatelessIf.Inputs - Class in org.tensorflow.op.core
 
statelessMultinomial(Operand<? extends TNumber>, Operand<TInt32>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.RandomOps
Draws samples from a multinomial distribution.
statelessMultinomial(Operand<? extends TNumber>, Operand<TInt32>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.RandomOps
Draws samples from a multinomial distribution.
StatelessMultinomial<V extends TNumber> - Class in org.tensorflow.op.random
Draws samples from a multinomial distribution.
StatelessMultinomial(Operation) - Constructor for class org.tensorflow.op.random.StatelessMultinomial
 
StatelessMultinomial.Inputs - Class in org.tensorflow.op.random
 
statelessParameterizedTruncatedNormal(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>, Operand<V>, Operand<V>) - Method in class org.tensorflow.op.RandomOps
The StatelessParameterizedTruncatedNormal operation
StatelessParameterizedTruncatedNormal<V extends TNumber> - Class in org.tensorflow.op.random
The StatelessParameterizedTruncatedNormal operation
StatelessParameterizedTruncatedNormal(Operation) - Constructor for class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal
 
StatelessParameterizedTruncatedNormal.Inputs<V extends TNumber> - Class in org.tensorflow.op.random
 
statelessRandomBinomial(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random numbers from a binomial distribution.
statelessRandomBinomial(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>, Class<W>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random numbers from a binomial distribution.
StatelessRandomBinomial<W extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random numbers from a binomial distribution.
StatelessRandomBinomial(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomBinomial
 
StatelessRandomBinomial.Inputs<V extends TNumber> - Class in org.tensorflow.op.random
 
statelessRandomGamma(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Operand<U>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random numbers from a gamma distribution.
StatelessRandomGamma<U extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random numbers from a gamma distribution.
StatelessRandomGamma(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomGamma
 
StatelessRandomGamma.Inputs<U extends TNumber> - Class in org.tensorflow.op.random
 
statelessRandomGetAlg() - Method in class org.tensorflow.op.RandomOps
Picks the best counter-based RNG algorithm based on device.
StatelessRandomGetAlg - Class in org.tensorflow.op.random
Picks the best counter-based RNG algorithm based on device.
StatelessRandomGetAlg(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomGetAlg
 
StatelessRandomGetAlg.Inputs - Class in org.tensorflow.op.random
 
statelessRandomGetKeyCounter(Operand<? extends TNumber>) - Method in class org.tensorflow.op.RandomOps
Scrambles seed into key and counter, using the best algorithm based on device.
StatelessRandomGetKeyCounter - Class in org.tensorflow.op.random
Scrambles seed into key and counter, using the best algorithm based on device.
StatelessRandomGetKeyCounter(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomGetKeyCounter
 
StatelessRandomGetKeyCounter.Inputs - Class in org.tensorflow.op.random
 
statelessRandomGetKeyCounterAlg(Operand<? extends TNumber>) - Method in class org.tensorflow.op.RandomOps
Picks the best algorithm based on device, and scrambles seed into key and counter.
StatelessRandomGetKeyCounterAlg - Class in org.tensorflow.op.random
Picks the best algorithm based on device, and scrambles seed into key and counter.
StatelessRandomGetKeyCounterAlg(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg
 
StatelessRandomGetKeyCounterAlg.Inputs - Class in org.tensorflow.op.random
 
statelessRandomNormal(Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a normal distribution.
statelessRandomNormal(Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a normal distribution.
StatelessRandomNormal<V extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom values from a normal distribution.
StatelessRandomNormal(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomNormal
 
StatelessRandomNormal.Inputs - Class in org.tensorflow.op.random
 
statelessRandomNormalV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a normal distribution.
statelessRandomNormalV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a normal distribution.
StatelessRandomNormalV2<U extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom values from a normal distribution.
StatelessRandomNormalV2(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomNormalV2
 
StatelessRandomNormalV2.Inputs - Class in org.tensorflow.op.random
 
statelessRandomPoisson(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<? extends TNumber>, Class<W>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random numbers from a Poisson distribution.
StatelessRandomPoisson<W extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random numbers from a Poisson distribution.
StatelessRandomPoisson(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomPoisson
 
StatelessRandomPoisson.Inputs - Class in org.tensorflow.op.random
 
statelessRandomUniform(Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random values from a uniform distribution.
statelessRandomUniform(Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random values from a uniform distribution.
StatelessRandomUniform<V extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random values from a uniform distribution.
StatelessRandomUniform(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniform
 
StatelessRandomUniform.Inputs - Class in org.tensorflow.op.random
 
statelessRandomUniformFullInt(Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformFullInt<V extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformFullInt(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformFullInt
 
StatelessRandomUniformFullInt.Inputs - Class in org.tensorflow.op.random
 
statelessRandomUniformFullIntV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformFullIntV2<U extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformFullIntV2(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformFullIntV2
 
StatelessRandomUniformFullIntV2.Inputs - Class in org.tensorflow.op.random
 
statelessRandomUniformInt(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<V>, Operand<V>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformInt<V extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformInt(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformInt
 
StatelessRandomUniformInt.Inputs<V extends TNumber> - Class in org.tensorflow.op.random
 
statelessRandomUniformIntV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Operand<U>, Operand<U>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformIntV2<U extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random integers from a uniform distribution.
StatelessRandomUniformIntV2(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformIntV2
 
StatelessRandomUniformIntV2.Inputs<U extends TNumber> - Class in org.tensorflow.op.random
 
statelessRandomUniformV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random values from a uniform distribution.
statelessRandomUniformV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom random values from a uniform distribution.
StatelessRandomUniformV2<U extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom random values from a uniform distribution.
StatelessRandomUniformV2(Operation) - Constructor for class org.tensorflow.op.random.StatelessRandomUniformV2
 
StatelessRandomUniformV2.Inputs - Class in org.tensorflow.op.random
 
statelessSampleDistortedBoundingBox(Operand<T>, Operand<TFloat32>, Operand<TFloat32>, Operand<? extends TNumber>, StatelessSampleDistortedBoundingBox.Options...) - Method in class org.tensorflow.op.ImageOps
Generate a randomly distorted bounding box for an image deterministically.
StatelessSampleDistortedBoundingBox<T extends TNumber> - Class in org.tensorflow.op.image
Generate a randomly distorted bounding box for an image deterministically.
StatelessSampleDistortedBoundingBox(Operation) - Constructor for class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
 
StatelessSampleDistortedBoundingBox.Inputs<T extends TNumber> - Class in org.tensorflow.op.image
 
StatelessSampleDistortedBoundingBox.Options - Class in org.tensorflow.op.image
Optional attributes for StatelessSampleDistortedBoundingBox
statelessShuffle(Operand<T>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.RandomExperimentalOps
Randomly and deterministically shuffles a tensor along its first dimension.
StatelessShuffle<T extends TType> - Class in org.tensorflow.op.random.experimental
Randomly and deterministically shuffles a tensor along its first dimension.
StatelessShuffle(Operation) - Constructor for class org.tensorflow.op.random.experimental.StatelessShuffle
 
StatelessShuffle.Inputs<T extends TType> - Class in org.tensorflow.op.random.experimental
 
statelessTruncatedNormal(Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a truncated normal distribution.
statelessTruncatedNormal(Operand<? extends TNumber>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a truncated normal distribution.
StatelessTruncatedNormal<V extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom values from a truncated normal distribution.
StatelessTruncatedNormal(Operation) - Constructor for class org.tensorflow.op.random.StatelessTruncatedNormal
 
StatelessTruncatedNormal.Inputs - Class in org.tensorflow.op.random
 
statelessTruncatedNormalV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a truncated normal distribution.
statelessTruncatedNormalV2(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.RandomOps
Outputs deterministic pseudorandom values from a truncated normal distribution.
StatelessTruncatedNormalV2<U extends TNumber> - Class in org.tensorflow.op.random
Outputs deterministic pseudorandom values from a truncated normal distribution.
StatelessTruncatedNormalV2(Operation) - Constructor for class org.tensorflow.op.random.StatelessTruncatedNormalV2
 
StatelessTruncatedNormalV2.Inputs - Class in org.tensorflow.op.random
 
statelessWhile(Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, While.Options...) - Method in class org.tensorflow.op.Ops
output = input; While (Cond(output)) { output = Body(output) }
StatelessWhile - Class in org.tensorflow.op.core
output = input; While (Cond(output)) { output = Body(output) }
StatelessWhile(Operation) - Constructor for class org.tensorflow.op.core.StatelessWhile
 
StatelessWhile.Inputs - Class in org.tensorflow.op.core
 
staticRegexFullMatch(Operand<TString>, String) - Method in class org.tensorflow.op.StringsOps
Check if the input matches the regex pattern.
StaticRegexFullMatch - Class in org.tensorflow.op.strings
Check if the input matches the regex pattern.
StaticRegexFullMatch(Operation) - Constructor for class org.tensorflow.op.strings.StaticRegexFullMatch
 
StaticRegexFullMatch.Inputs - Class in org.tensorflow.op.strings
 
staticRegexReplace(Operand<TString>, String, String, StaticRegexReplace.Options...) - Method in class org.tensorflow.op.StringsOps
Replaces the match of pattern in input with rewrite.
StaticRegexReplace - Class in org.tensorflow.op.strings
Replaces the match of pattern in input with rewrite.
StaticRegexReplace(Operation) - Constructor for class org.tensorflow.op.strings.StaticRegexReplace
 
StaticRegexReplace.Inputs - Class in org.tensorflow.op.strings
 
StaticRegexReplace.Options - Class in org.tensorflow.op.strings
Optional attributes for StaticRegexReplace
statsAggregator - Variable in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset.Inputs
The statsAggregator input
statsAggregator - Variable in class org.tensorflow.op.data.SetStatsAggregatorDataset.Inputs
The statsAggregator input
statsAggregator - Variable in class org.tensorflow.op.data.StatsAggregatorSetSummaryWriter.Inputs
The statsAggregator input
statsAggregatorHandle(StatsAggregatorHandle.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a statistics manager resource.
statsAggregatorHandle(StatsAggregatorHandle.Options...) - Method in class org.tensorflow.op.DataOps
The StatsAggregatorHandleV2 operation
StatsAggregatorHandle - Class in org.tensorflow.op.data.experimental
Creates a statistics manager resource.
StatsAggregatorHandle - Class in org.tensorflow.op.data
The StatsAggregatorHandleV2 operation
StatsAggregatorHandle(Operation) - Constructor for class org.tensorflow.op.data.experimental.StatsAggregatorHandle
 
StatsAggregatorHandle(Operation) - Constructor for class org.tensorflow.op.data.StatsAggregatorHandle
 
StatsAggregatorHandle.Inputs - Class in org.tensorflow.op.data.experimental
 
StatsAggregatorHandle.Inputs - Class in org.tensorflow.op.data
 
StatsAggregatorHandle.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for StatsAggregatorHandle
StatsAggregatorHandle.Options - Class in org.tensorflow.op.data
Optional attributes for StatsAggregatorHandle
statsAggregatorSetSummaryWriter(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
Set a summary_writer_interface to record statistics using given stats_aggregator.
StatsAggregatorSetSummaryWriter - Class in org.tensorflow.op.data
Set a summary_writer_interface to record statistics using given stats_aggregator.
StatsAggregatorSetSummaryWriter(Operation) - Constructor for class org.tensorflow.op.data.StatsAggregatorSetSummaryWriter
 
StatsAggregatorSetSummaryWriter.Inputs - Class in org.tensorflow.op.data
 
statsAggregatorSummary(Operand<? extends TType>) - Method in class org.tensorflow.op.DataExperimentalOps
Produces a summary of any statistics recorded by the given statistics manager.
statsAggregatorSummary(Operand<? extends TType>) - Method in class org.tensorflow.op.SummaryOps
Produces a summary of any statistics recorded by the given statistics manager.
StatsAggregatorSummary - Class in org.tensorflow.op.data.experimental
Produces a summary of any statistics recorded by the given statistics manager.
StatsAggregatorSummary - Class in org.tensorflow.op.summary
Produces a summary of any statistics recorded by the given statistics manager.
StatsAggregatorSummary(Operation) - Constructor for class org.tensorflow.op.data.experimental.StatsAggregatorSummary
 
StatsAggregatorSummary(Operation) - Constructor for class org.tensorflow.op.summary.StatsAggregatorSummary
 
StatsAggregatorSummary.Inputs - Class in org.tensorflow.op.data.experimental
 
StatsAggregatorSummary.Inputs - Class in org.tensorflow.op.summary
 
stddevs - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The standard deviation parameter of each batch.
stdevs - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
The standard deviation parameter of each batch.
step - Variable in class org.tensorflow.op.data.RangeDataset.Inputs
corresponds to step in python's xrange().
step - Variable in class org.tensorflow.op.summary.WriteAudioSummary.Inputs
The step input
step - Variable in class org.tensorflow.op.summary.WriteGraphSummary.Inputs
The step input
step - Variable in class org.tensorflow.op.summary.WriteHistogramSummary.Inputs
The step input
step - Variable in class org.tensorflow.op.summary.WriteImageSummary.Inputs
The step input
step - Variable in class org.tensorflow.op.summary.WriteRawProtoSummary.Inputs
The step input
step - Variable in class org.tensorflow.op.summary.WriteScalarSummary.Inputs
The step input
step - Variable in class org.tensorflow.op.summary.WriteSummary.Inputs
The step input
stepMarkerLocation - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
The stepMarkerLocation attribute
stepMarkerLocation - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
The stepMarkerLocation attribute
stepMarkerLocation(String) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the stepMarkerLocation option.
stepMarkerLocation(String) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the stepMarkerLocation option.
stepMarkerLocation(String) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the stepMarkerLocation option.
stepMarkerLocation(String) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the stepMarkerLocation option.
stochasticCastToInt(Operand<? extends TNumber>, Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.Ops
Stochastically cast a given tensor from floats to ints.
StochasticCastToInt<U extends TNumber> - Class in org.tensorflow.op.core
Stochastically cast a given tensor from floats to ints.
StochasticCastToInt(Operation) - Constructor for class org.tensorflow.op.core.StochasticCastToInt
 
StochasticCastToInt.Inputs - Class in org.tensorflow.op.core
 
stop - Variable in class org.tensorflow.op.core.LinSpace.Inputs
0-D tensor.
stop - Variable in class org.tensorflow.op.data.RangeDataset.Inputs
corresponds to stop in python's xrange().
stop() - Method in class org.tensorflow.Server
Stops an in-process TensorFlow server.
stopGradient(Operand<T>) - Method in class org.tensorflow.op.Ops
Stops gradient computation.
StopGradient<T extends TType> - Class in org.tensorflow.op.core
Stops gradient computation.
StopGradient(Operation) - Constructor for class org.tensorflow.op.core.StopGradient
 
StopGradient.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
stopOnEmptyDataset - Variable in class org.tensorflow.op.data.DirectedInterleaveDataset.Inputs
The stopOnEmptyDataset attribute
stopOnEmptyDataset(Boolean) - Method in class org.tensorflow.op.data.DirectedInterleaveDataset.Options
Sets the stopOnEmptyDataset option.
stopOnEmptyDataset(Boolean) - Static method in class org.tensorflow.op.data.DirectedInterleaveDataset
Sets the stopOnEmptyDataset option.
storeMinibatchStatisticsInFdo(Operand<TString>, Operand<TInt32>, Operand<TInt32>, Long, Long, Long, Long, String, String) - Method in class org.tensorflow.op.TpuOps
The StoreMinibatchStatisticsInFdo operation
StoreMinibatchStatisticsInFdo - Class in org.tensorflow.op.tpu
The StoreMinibatchStatisticsInFdo operation
StoreMinibatchStatisticsInFdo(Operation) - Constructor for class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo
 
StoreMinibatchStatisticsInFdo.Inputs - Class in org.tensorflow.op.tpu
 
stride - Variable in class org.tensorflow.op.audio.AudioSpectrogram.Inputs
How widely apart the center of adjacent sample windows should be.
stride - Variable in class org.tensorflow.op.data.WindowDataset.Inputs
An integer scalar, representing the stride of the input elements in the sliding window.
stridedSlice(Scope, Operand<T>, Index...) - Static method in class org.tensorflow.op.core.StridedSliceHelper
Return a strided slice from `input`.
stridedSlice(Operand<T>, Index...) - Method in class org.tensorflow.op.Ops
Return a strided slice from `input`.
stridedSlice(Operand<T>, Operand<U>, Operand<U>, Operand<U>, StridedSlice.Options...) - Method in class org.tensorflow.op.Ops
Return a strided slice from input.
StridedSlice<T extends TType> - Class in org.tensorflow.op.core
Return a strided slice from input.
StridedSlice(Operation) - Constructor for class org.tensorflow.op.core.StridedSlice
 
StridedSlice.Inputs<T extends TType,U extends TNumber> - Class in org.tensorflow.op.core
 
StridedSlice.Options - Class in org.tensorflow.op.core
Optional attributes for StridedSlice
stridedSliceAssign(Scope, Operand<T>, Operand<T>, Index...) - Static method in class org.tensorflow.op.core.StridedSliceHelper
Assign `value` to the sliced l-value reference of `ref`.
stridedSliceAssign(Operand<T>, Operand<T>, Index...) - Method in class org.tensorflow.op.Ops
Assign `value` to the sliced l-value reference of `ref`.
stridedSliceAssign(Operand<T>, Operand<U>, Operand<U>, Operand<U>, Operand<T>, StridedSliceAssign.Options...) - Method in class org.tensorflow.op.Ops
Assign value to the sliced l-value reference of ref.
StridedSliceAssign<T extends TType> - Class in org.tensorflow.op.core
Assign value to the sliced l-value reference of ref.
StridedSliceAssign(Operation) - Constructor for class org.tensorflow.op.core.StridedSliceAssign
 
StridedSliceAssign.Inputs<T extends TType,U extends TNumber> - Class in org.tensorflow.op.core
 
StridedSliceAssign.Options - Class in org.tensorflow.op.core
Optional attributes for StridedSliceAssign
stridedSliceGrad(Operand<T>, Operand<T>, Operand<T>, Operand<T>, Operand<U>, StridedSliceGrad.Options...) - Method in class org.tensorflow.op.Ops
Returns the gradient of StridedSlice.
StridedSliceGrad<U extends TType> - Class in org.tensorflow.op.core
Returns the gradient of StridedSlice.
StridedSliceGrad(Operation) - Constructor for class org.tensorflow.op.core.StridedSliceGrad
 
StridedSliceGrad.Inputs<T extends TNumber,U extends TType> - Class in org.tensorflow.op.core
 
StridedSliceGrad.Options - Class in org.tensorflow.op.core
Optional attributes for StridedSliceGrad
StridedSliceHelper - Class in org.tensorflow.op.core
Helper endpoint methods for Python like indexing.
StridedSliceHelper() - Constructor for class org.tensorflow.op.core.StridedSliceHelper
 
strides - Variable in class org.tensorflow.op.core.ExtractVolumePatches.Inputs
1-D of length 5.
strides - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The strides input
strides - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
strides[i] specifies the increment in the ith specification after extracting a given element.
strides - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The strides input
strides - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The strides input
strides - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The strides input
strides - Variable in class org.tensorflow.op.image.ExtractImagePatches.Inputs
How far the centers of two consecutive patches are in the images.
strides - Variable in class org.tensorflow.op.nn.AvgPool.Inputs
The stride of the sliding window for each dimension of value.
strides - Variable in class org.tensorflow.op.nn.AvgPool3d.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.AvgPoolGrad.Inputs
The stride of the sliding window for each dimension of the input.
strides - Variable in class org.tensorflow.op.nn.Conv.Inputs
1-D tensor of length N+2.
strides - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
1-D tensor of length 4.
strides - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
The stride of the sliding window for each dimension of the input of the convolution.
strides - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
The stride of the sliding window for each dimension of the input of the convolution.
strides - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
The stride of the sliding window for each dimension of the input of the convolution.
strides - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
The stride of the sliding window for each dimension of the input of the convolution.
strides - Variable in class org.tensorflow.op.nn.Conv3d.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
1-D of length 4.
strides - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
The stride of the sliding window for each dimension of the input of the convolution.
strides - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
The stride of the sliding window for each dimension of the input of the convolution.
strides - Variable in class org.tensorflow.op.nn.Dilation2d.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
1-D of length 4.
strides - Variable in class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
1-D of length 4.
strides - Variable in class org.tensorflow.op.nn.FusedPadConv2d.Inputs
1-D of length 4.
strides - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
1-D of length 4.
strides - Variable in class org.tensorflow.op.nn.MaxPool.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.MaxPool3d.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
1-D tensor of length 5.
strides - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The stride of the sliding window for each dimension of the input tensor.
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
list of stride values.
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The strides attribute
strides - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
List of stride values.
strides - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
List of stride values.
strides - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
List of stride values.
strides - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
List of stride values.
strides - Variable in class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
The stride of the sliding window for each dimension of the input tensor.
stringFormat(Iterable<Operand<?>>, StringFormat.Options...) - Method in class org.tensorflow.op.StringsOps
Formats a string template using a list of tensors.
StringFormat - Class in org.tensorflow.op.strings
Formats a string template using a list of tensors.
StringFormat(Operation) - Constructor for class org.tensorflow.op.strings.StringFormat
 
StringFormat.Inputs - Class in org.tensorflow.op.strings
 
StringFormat.Options - Class in org.tensorflow.op.strings
Optional attributes for StringFormat
stringHandle - Variable in class org.tensorflow.op.data.IteratorFromStringHandle.Inputs
The stringHandle input
stringHandle - Variable in class org.tensorflow.op.data.MultiDeviceIteratorFromStringHandle.Inputs
String representing the resource.
stringHandle() - Method in class org.tensorflow.op.data.IteratorToStringHandle
Gets stringHandle.
stringHandle() - Method in class org.tensorflow.op.data.MultiDeviceIteratorToStringHandle
Gets stringHandle.
stringLength(Operand<TString>, StringLength.Options...) - Method in class org.tensorflow.op.StringsOps
String lengths of input.
StringLength - Class in org.tensorflow.op.strings
String lengths of input.
StringLength(Operation) - Constructor for class org.tensorflow.op.strings.StringLength
 
StringLength.Inputs - Class in org.tensorflow.op.strings
 
StringLength.Options - Class in org.tensorflow.op.strings
Optional attributes for StringLength
stringNGrams(Operand<TString>, Operand<T>, String, List<Long>, String, String, Long, Boolean) - Method in class org.tensorflow.op.StringsOps
Creates ngrams from ragged string data.
StringNGrams<T extends TNumber> - Class in org.tensorflow.op.strings
Creates ngrams from ragged string data.
StringNGrams(Operation) - Constructor for class org.tensorflow.op.strings.StringNGrams
 
StringNGrams.Inputs<T extends TNumber> - Class in org.tensorflow.op.strings
 
strings - Variable in class org.tensorflow.op.Ops
 
StringsOps - Class in org.tensorflow.op
An API for building strings operations as Ops
stringSplit(Operand<TString>, Operand<TString>, StringSplit.Options...) - Method in class org.tensorflow.op.StringsOps
Split elements of source based on sep into a SparseTensor.
StringSplit - Class in org.tensorflow.op.strings
Split elements of source based on sep into a SparseTensor.
StringSplit(Operation) - Constructor for class org.tensorflow.op.strings.StringSplit
 
StringSplit.Inputs - Class in org.tensorflow.op.strings
 
StringSplit.Options - Class in org.tensorflow.op.strings
Optional attributes for StringSplit
stringTensor - Variable in class org.tensorflow.op.strings.ToHashBucket.Inputs
The stringTensor input
stringTensor - Variable in class org.tensorflow.op.strings.ToNumber.Inputs
The stringTensor input
strip(Operand<TString>) - Method in class org.tensorflow.op.StringsOps
Strip leading and trailing whitespaces from the Tensor.
Strip - Class in org.tensorflow.op.strings
Strip leading and trailing whitespaces from the Tensor.
Strip(Operation) - Constructor for class org.tensorflow.op.strings.Strip
 
Strip.Inputs - Class in org.tensorflow.op.strings
 
stripDeviceAssignment - Variable in class org.tensorflow.op.data.DatasetToGraph.Inputs
The stripDeviceAssignment attribute
stripDeviceAssignment(Boolean) - Method in class org.tensorflow.op.data.DatasetToGraph.Options
Sets the stripDeviceAssignment option.
stripDeviceAssignment(Boolean) - Static method in class org.tensorflow.op.data.DatasetToGraph
Sets the stripDeviceAssignment option.
strongHash - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
boolean, if true, siphash with salt will be used instead of farmhash.
sub(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x - y element-wise.
Sub<T extends TType> - Class in org.tensorflow.op.math
Returns x - y element-wise.
Sub(Operation) - Constructor for class org.tensorflow.op.math.Sub
 
Sub.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
subdiag - Variable in class org.tensorflow.op.linalg.TridiagonalMatMul.Inputs
Tensor of shape [..., 1, M], representing subdiagonals of tri-diagonal matrices to the left of multiplication.
subgraphFrom(Set<Operand<?>>) - Method in class org.tensorflow.Graph
Get all ops that use one of inputs directly or indirectly (not including inputs), including control dependencies.
subgraphFromOps(Set<GraphOperation>) - Method in class org.tensorflow.Graph
Get all ops that use one of inputs directly or indirectly (not including inputs), including control dependencies.
subgraphTo(Set<Operand<?>>) - Method in class org.tensorflow.Graph
Get all ops directly or indirectly required to calculate outputs (not including outputs), including control dependencies.
subgraphToOps(Set<GraphOperation>) - Method in class org.tensorflow.Graph
Get all ops directly or indirectly required to calculate outputs (not including outputs), including control dependencies.
subsample - Variable in class org.tensorflow.op.core.Skipgram.Inputs
Threshold for word occurrence.
subsample(Float) - Method in class org.tensorflow.op.core.Skipgram.Options
Sets the subsample option.
subsample(Float) - Static method in class org.tensorflow.op.core.Skipgram
Sets the subsample option.
substr(Operand<TString>, Operand<T>, Operand<T>, Substr.Options...) - Method in class org.tensorflow.op.StringsOps
Return substrings from Tensor of strings.
Substr - Class in org.tensorflow.op.strings
Return substrings from Tensor of strings.
Substr(Operation) - Constructor for class org.tensorflow.op.strings.Substr
 
Substr.Inputs<T extends TNumber> - Class in org.tensorflow.op.strings
 
Substr.Options - Class in org.tensorflow.op.strings
Optional attributes for Substr
success() - Method in class org.tensorflow.op.tpu.ShutdownTPUSystem
Gets success.
sum() - Method in class org.tensorflow.op.math.AccumulateN
Gets sum.
sum() - Method in class org.tensorflow.op.math.AddN
Gets sum.
sum(Operand<T>, Operand<? extends TNumber>, Sum.Options...) - Method in class org.tensorflow.op.Ops
Computes the sum of elements across dimensions of a tensor.
Sum<T extends TType> - Class in org.tensorflow.op.core
Computes the sum of elements across dimensions of a tensor.
Sum(Operation) - Constructor for class org.tensorflow.op.core.Sum
 
Sum.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Sum.Options - Class in org.tensorflow.op.core
Optional attributes for Sum
sumIndices - Variable in class org.tensorflow.op.sparse.SparseAddGrad.Inputs
2-D.
sumIndices() - Method in class org.tensorflow.op.sparse.SparseAdd
Gets sumIndices.
summand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The summand input
summand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The summand input
summand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The summand input
summarize - Variable in class org.tensorflow.op.core.AssertThat.Inputs
Print this many entries of each tensor.
summarize - Variable in class org.tensorflow.op.strings.StringFormat.Inputs
When formatting the tensor summaries print the first and last summarize entries of each tensor dimension.
summarize(Long) - Method in class org.tensorflow.op.core.AssertThat.Options
Sets the summarize option.
summarize(Long) - Static method in class org.tensorflow.op.core.AssertThat
Sets the summarize option.
summarize(Long) - Method in class org.tensorflow.op.strings.StringFormat.Options
Sets the summarize option.
summarize(Long) - Static method in class org.tensorflow.op.strings.StringFormat
Sets the summarize option.
summary - Variable in class org.tensorflow.op.data.StatsAggregatorSetSummaryWriter.Inputs
The summary input
summary - Variable in class org.tensorflow.op.Ops
 
summary() - Method in class org.tensorflow.op.data.experimental.StatsAggregatorSummary
Gets summary.
summary() - Method in class org.tensorflow.op.summary.AudioSummary
Gets summary.
summary() - Method in class org.tensorflow.op.summary.HistogramSummary
Gets summary.
summary() - Method in class org.tensorflow.op.summary.ImageSummary
Gets summary.
summary() - Method in class org.tensorflow.op.summary.MergeSummary
Gets summary.
summary() - Method in class org.tensorflow.op.summary.ScalarSummary
Gets summary.
summary() - Method in class org.tensorflow.op.summary.StatsAggregatorSummary
Gets summary.
summary() - Method in class org.tensorflow.op.summary.TensorSummary
Gets summary.
summaryMetadata - Variable in class org.tensorflow.op.summary.WriteSummary.Inputs
The summaryMetadata input
SummaryOps - Class in org.tensorflow.op
An API for building summary operations as Ops
summaryWriter(SummaryWriter.Options...) - Method in class org.tensorflow.op.SummaryOps
The SummaryWriter operation
SummaryWriter - Class in org.tensorflow.op.summary
The SummaryWriter operation
SummaryWriter(Operation) - Constructor for class org.tensorflow.op.summary.SummaryWriter
 
SummaryWriter.Inputs - Class in org.tensorflow.op.summary
 
SummaryWriter.Options - Class in org.tensorflow.op.summary
Optional attributes for SummaryWriter
sumShape() - Method in class org.tensorflow.op.sparse.SparseAdd
Gets sumShape.
sumValues() - Method in class org.tensorflow.op.sparse.SparseAdd
Gets sumValues.
superdiag - Variable in class org.tensorflow.op.linalg.TridiagonalMatMul.Inputs
Tensor of shape [..., 1, M], representing superdiagonals of tri-diagonal matrices to the left of multiplication.
svd(Operand<T>, Svd.Options...) - Method in class org.tensorflow.op.LinalgOps
Computes the singular value decompositions of one or more matrices.
Svd<T extends TType> - Class in org.tensorflow.op.linalg
Computes the singular value decompositions of one or more matrices.
Svd(Operation) - Constructor for class org.tensorflow.op.linalg.Svd
 
Svd.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
Svd.Options - Class in org.tensorflow.op.linalg
Optional attributes for Svd
swapMemory - Variable in class org.tensorflow.op.core.StackPush.Inputs
Swap elem to CPU.
swapMemory(Boolean) - Method in class org.tensorflow.op.core.StackPush.Options
Sets the swapMemory option.
swapMemory(Boolean) - Static method in class org.tensorflow.op.core.StackPush
Sets the swapMemory option.
switchCond(Operand<T>, Operand<TBool>) - Method in class org.tensorflow.op.Ops
Forwards data to the output port determined by pred.
SwitchCond<T extends TType> - Class in org.tensorflow.op.core
Forwards data to the output port determined by pred.
SwitchCond(Operation) - Constructor for class org.tensorflow.op.core.SwitchCond
 
SwitchCond.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
symbolicGradient(Iterable<Operand<?>>, List<Class<? extends TType>>, ConcreteFunction) - Method in class org.tensorflow.op.TrainOps
Computes the gradient function for function f via backpropagation.
SymbolicGradient - Class in org.tensorflow.op.train
Computes the gradient function for function f via backpropagation.
SymbolicGradient(Operation) - Constructor for class org.tensorflow.op.train.SymbolicGradient
 
SymbolicGradient.Inputs - Class in org.tensorflow.op.train
 
syncDevice() - Method in class org.tensorflow.op.Ops
Synchronizes the device this op is run on.
SyncDevice - Class in org.tensorflow.op.core
Synchronizes the device this op is run on.
SyncDevice(Operation) - Constructor for class org.tensorflow.op.core.SyncDevice
 
SyncDevice.Inputs - Class in org.tensorflow.op.core
 

T

t - Variable in class org.tensorflow.op.core.ClipByValue.Inputs
A Tensor.
t - Variable in class org.tensorflow.op.core.Select.Inputs
The t input
t - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
A 4D input Tensor.
t - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
A 4D input Tensor.
t - Variable in class org.tensorflow.op.nn.L2Loss.Inputs
Typically 2-D, but may have any dimensions.
t - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
A 4D input Tensor.
T - Variable in class org.tensorflow.op.bitwise.BitwiseAnd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.bitwise.BitwiseOr.Inputs
The T attribute
T - Variable in class org.tensorflow.op.bitwise.BitwiseXor.Inputs
The T attribute
T - Variable in class org.tensorflow.op.bitwise.Invert.Inputs
The T attribute
T - Variable in class org.tensorflow.op.bitwise.LeftShift.Inputs
The T attribute
T - Variable in class org.tensorflow.op.bitwise.RightShift.Inputs
The T attribute
T - Variable in class org.tensorflow.op.collective.CollectiveAllToAll.Inputs
The T attribute
T - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
The T attribute
T - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The T attribute
T - Variable in class org.tensorflow.op.collective.CollectivePermute.Inputs
The type of elements to be exchanged.
T - Variable in class org.tensorflow.op.collective.CollectiveReduce.Inputs
The T attribute
T - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ApproxTopK.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.AssertThat.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Assign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.AssignAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.AssignSub.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.BarrierInsertMany.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Batch.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.BatchToSpace.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.BatchToSpaceNd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Bitcast.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.BroadcastDynamicShape.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.BroadcastGradientArgs.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.BroadcastTo.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Bucketize.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ClipByValue.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Concat.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Copy.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.CopyHost.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.CopyToMesh.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.CopyToMeshGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.CountUpTo.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.DeepCopy.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.DestroyTemporaryVariable.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.DynamicPartition.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.DynamicStitch.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.EditDistance.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.EnsureShape.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Enter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Exit.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ExpandDims.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ExtractVolumePatches.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Fill.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Fingerprint.Inputs
This can be a POD-type or string type.
T - Variable in class org.tensorflow.op.core.For.Inputs
A list of dtypes.
T - Variable in class org.tensorflow.op.core.GetSessionHandle.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.GuaranteeConst.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.HistogramFixedWidth.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Identity.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.IdentityN.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.InplaceAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.InplaceSub.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.InplaceUpdate.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.LinSpace.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.LowerBound.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Max.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Merge.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Min.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.MirrorPad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.MirrorPadGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.NcclAllReduce.Inputs
Deprecated.
The T attribute
T - Variable in class org.tensorflow.op.core.NcclBroadcast.Inputs
Deprecated.
The T attribute
T - Variable in class org.tensorflow.op.core.NcclReduce.Inputs
Deprecated.
The T attribute
T - Variable in class org.tensorflow.op.core.NextIteration.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.OneHot.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.OnesLike.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Pad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ParallelConcat.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ParallelDynamicStitch.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Prod.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.QuantizedReshape.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Rank.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ReduceMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ReduceMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ReduceProd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ReduceSum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RefEnter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RefExit.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RefIdentity.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RefMerge.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RefNextIteration.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RefSelect.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RefSwitch.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Relayout.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.RelayoutLike.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Reshape.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ResourceCountUpTo.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ResourceScatterNdAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ResourceScatterNdMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ResourceScatterNdMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ResourceScatterNdSub.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ResourceScatterNdUpdate.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Reverse.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ReverseSequence.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Roll.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterDiv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterMul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterNd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterNdAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterNdMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterNdMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterNdNonAliasingAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterNdSub.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterNdUpdate.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterSub.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ScatterUpdate.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Select.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Send.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.SetDiff1d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.SetSize.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Shape.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ShapeN.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Size.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Slice.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Snapshot.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.SpaceToBatchNd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Split.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.SplitV.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Squeeze.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Stack.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.StackPush.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.StatefulWhile.Inputs
dtype in use.
T - Variable in class org.tensorflow.op.core.StatelessWhile.Inputs
dtype in use.
T - Variable in class org.tensorflow.op.core.StopGradient.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.StridedSlice.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.StridedSliceGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Sum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.SwitchCond.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorArrayScatter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorArraySplit.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorArrayUnpack.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorArrayWrite.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorScatterNdAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorScatterNdMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorScatterNdMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorScatterNdSub.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorScatterNdUpdate.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Tile.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Unbatch.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.UnbatchGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
The type of operand, min, max, and output.
T - Variable in class org.tensorflow.op.core.Unique.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.UniqueWithCounts.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Unstack.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.UpperBound.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.Where.Inputs
The T attribute
T - Variable in class org.tensorflow.op.core.ZerosLike.Inputs
The T attribute
T - Variable in class org.tensorflow.op.data.LeakyReluGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.debugging.CheckNumerics.Inputs
The T attribute
T - Variable in class org.tensorflow.op.debugging.DebugGradientIdentity.Inputs
The T attribute
T - Variable in class org.tensorflow.op.debugging.DebugGradientRefIdentity.Inputs
The T attribute
T - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
The T attribute
T - Variable in class org.tensorflow.op.debugging.DebugNanCount.Inputs
The T attribute
T - Variable in class org.tensorflow.op.debugging.DebugNumericsSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.distribute.NcclAllReduce.Inputs
The T attribute
T - Variable in class org.tensorflow.op.distribute.NcclBroadcast.Inputs
The T attribute
T - Variable in class org.tensorflow.op.distribute.NcclReduce.Inputs
The T attribute
T - Variable in class org.tensorflow.op.dtypes.AsString.Inputs
The T attribute
T - Variable in class org.tensorflow.op.dtypes.Complex.Inputs
The T attribute
T - Variable in class org.tensorflow.op.dtypes.ToBool.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.AdjustContrast.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.AdjustHue.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.AdjustSaturation.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.CropAndResize.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.CropAndResizeGradBoxes.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.CropAndResizeGradImage.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.DrawBoundingBoxes.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.EncodePng.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ExtractImagePatches.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.HsvToRgb.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.NonMaxSuppression.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.QuantizedResizeBilinear.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.RandomCrop.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ResizeArea.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ResizeBicubic.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ResizeBicubicGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ResizeBilinear.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ResizeBilinearGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ResizeNearestNeighbor.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ResizeNearestNeighborGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.RgbToHsv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ScaleAndTranslate.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
The T attribute
T - Variable in class org.tensorflow.op.io.SerializeManySparse.Inputs
The T attribute
T - Variable in class org.tensorflow.op.io.SerializeSparse.Inputs
The T attribute
T - Variable in class org.tensorflow.op.io.SerializeTensor.Inputs
The type of the input tensor.
T - Variable in class org.tensorflow.op.linalg.BandedTriangularSolve.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BandPart.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchCholesky.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchCholeskyGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixBandPart.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixDeterminant.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixDiag.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixDiagPart.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixInverse.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixSetDiag.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixSolve.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixSolveLs.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchMatrixTriangularSolve.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchSelfAdjointEig.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.BatchSvd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Cholesky.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.CholeskyGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.ConjugateTranspose.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Cross.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Det.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Eig.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Einsum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.EuclideanNorm.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Inv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.LogMatrixDeterminant.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Lu.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatMul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixDiag.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixDiagPart.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixDiagPartV3.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixDiagV3.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixExponential.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixLogarithm.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixSetDiag.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.MatrixSolveLs.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Qr.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.SelfAdjointEig.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Solve.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.sparse.DenseToCSRSparseMatrix.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Sqrtm.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Svd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.TensorDiag.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.TensorDiagPart.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.Transpose.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.TriangularSolve.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.TridiagonalMatMul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.linalg.TridiagonalSolve.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Abs.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.AccumulateN.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Acos.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Acosh.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Add.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.AddN.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Angle.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.ApproximateEqual.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.ArgMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.ArgMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Asin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Asinh.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Atan.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Atan2.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Atanh.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.BesselI0.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.BesselI0e.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.BesselI1.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.BesselI1e.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Betainc.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Bincount.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Ceil.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.ComplexAbs.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Conj.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Cos.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Cosh.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Cumprod.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Cumsum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.CumulativeLogsumexp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.DenseBincount.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Digamma.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Div.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.DivNoNan.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Equal.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Erf.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Erfc.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.erfinv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Exp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Expm1.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Floor.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.FloorDiv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.FloorMod.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Greater.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.GreaterEqual.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Igamma.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Igammac.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.IgammaGradA.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Imag.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.InvertPermutation.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.IsFinite.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.IsInf.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.IsNan.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Less.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.LessEqual.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Lgamma.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Log.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Log1p.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Maximum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Mean.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Minimum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Mod.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Mul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.MulNoNan.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Ndtri.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Neg.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.NextAfter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.NotEqual.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Polygamma.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.PopulationCount.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Pow.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Real.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.RealDiv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Reciprocal.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.ReciprocalGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.RequantizationRangePerChannel.Inputs
The quantized type of input tensor that needs to be converted.
T - Variable in class org.tensorflow.op.math.RequantizePerChannel.Inputs
The quantized type of input tensor that needs to be converted.
T - Variable in class org.tensorflow.op.math.Rint.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Round.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Rsqrt.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.RsqrtGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SegmentMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SegmentMean.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SegmentMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SegmentProd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SegmentSum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Sigmoid.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SigmoidGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Sign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Sin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Sinh.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Softplus.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SoftplusGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselJ0.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselJ1.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselK0.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselK0e.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselK1.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselK1e.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselY0.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.BesselY1.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.Dawsn.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.Expint.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.FresnelCos.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.FresnelSin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.special.Spence.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Sqrt.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SqrtGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Square.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.SquaredDifference.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Sub.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Tan.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Tanh.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.TanhGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.TruncateDiv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.TruncateMod.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.UniformQuantizedAdd.Inputs
The type of lhs, rhs, and output.
T - Variable in class org.tensorflow.op.math.UnsortedSegmentMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.UnsortedSegmentMin.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.UnsortedSegmentProd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.UnsortedSegmentSum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Xdivy.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Xlog1py.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Xlogy.Inputs
The T attribute
T - Variable in class org.tensorflow.op.math.Zeta.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.AvgPool.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.AvgPool3d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.AvgPool3dGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.AvgPoolGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.BiasAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.BiasAddGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv3d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv3dBackpropFilter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CtcBeamSearchDecoder.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CtcGreedyDecoder.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CtcLoss.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CudnnRnnParamsSize.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.DataFormatDimMap.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.DataFormatVecPermute.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.DepthToSpace.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNative.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropFilter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.DepthwiseConv2dNativeBackpropInput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Dilation2d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Dilation2dBackpropFilter.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Dilation2dBackpropInput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Elu.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.EluGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.FractionalAvgPoolGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.FractionalMaxPoolGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
The data type for the elements of input and output Tensors.
T - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
The data type for the elements of input and output Tensors.
T - Variable in class org.tensorflow.op.nn.FusedPadConv2d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.FusedResizeAndPadConv2d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.GRUBlockCell.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.InTopK.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.InvGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.IsotonicRegression.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.L2Loss.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.LeakyRelu.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.LocalResponseNormalization.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.LocalResponseNormalizationGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.LogSoftmax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPool.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPool3d.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPool3dGradGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPoolGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPoolGradGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.NthElement.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.QuantizedAvgPool.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.QuantizedMaxPool.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Relu.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Relu6.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Relu6Grad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.ReluGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Selu.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.SeluGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Softmax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.SoftmaxCrossEntropyWithLogits.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.Softsign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.SoftsignGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.SpaceToBatch.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.SpaceToDepth.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits.Inputs
The T attribute
T - Variable in class org.tensorflow.op.nn.TopK.Inputs
The T attribute
T - Variable in class org.tensorflow.op.quantization.Dequantize.Inputs
The T attribute
T - Variable in class org.tensorflow.op.quantization.Quantize.Inputs
The T attribute
T - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantize.Inputs
The T attribute
T - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV3.Inputs
The T attribute
T - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4.Inputs
The T attribute
T - Variable in class org.tensorflow.op.quantization.QuantizeAndDequantizeV4Grad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.quantization.QuantizedConcat.Inputs
The T attribute
T - Variable in class org.tensorflow.op.ragged.RaggedBincount.Inputs
The T attribute
T - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRows.Inputs
The T attribute
T - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRowsGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.ragged.RaggedRange.Inputs
The T attribute
T - Variable in class org.tensorflow.op.ragged.RaggedTensorToSparse.Inputs
The T attribute
T - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.experimental.StatelessShuffle.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.Multinomial.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.ParameterizedTruncatedNormal.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.RandomGamma.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.RandomGammaGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.RandomShuffle.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.RandomStandardNormal.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.RandomUniform.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.RandomUniformInt.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatefulRandomBinomial.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessMultinomial.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessRandomNormal.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessRandomUniform.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullInt.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.StatelessTruncatedNormal.Inputs
The T attribute
T - Variable in class org.tensorflow.op.random.TruncatedNormal.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.AddManySparseToTensorsMap.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.AddSparseToTensorsMap.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
Dtype of the input values tensor.
T - Variable in class org.tensorflow.op.sparse.DenseToDenseSetOperation.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseAddGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseConcat.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Dtype of the input values tensor.
T - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseDiv.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseDenseCwiseMul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRows.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRowsGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseReduceMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseReduceMaxSparse.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseReduceSum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseReduceSumSparse.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseReorder.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSlice.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSliceGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSoftmax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSparseMaximum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSparseMinimum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseSplit.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseTensorDenseAdd.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseToDense.Inputs
The T attribute
T - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
The T attribute
T - Variable in class org.tensorflow.op.strings.StringFormat.Inputs
The T attribute
T - Variable in class org.tensorflow.op.strings.Substr.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.HistogramSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.ImageSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.ScalarSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.TensorSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.WriteHistogramSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.WriteImageSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.WriteScalarSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.summary.WriteSummary.Inputs
The T attribute
T - Variable in class org.tensorflow.op.tpu.AllToAll.Inputs
The type of elements to be exchanged.
T - Variable in class org.tensorflow.op.tpu.CrossReplicaSum.Inputs
The type of elements to be summed.
T - Variable in class org.tensorflow.op.tpu.PartitionedInput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.tpu.PartitionedOutput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.tpu.ReplicatedInput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.tpu.ReplicatedOutput.Inputs
The T attribute
T - Variable in class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape.Inputs
The T attribute
T - Variable in class org.tensorflow.op.tpu.TPUCopyWithDynamicShape.Inputs
The T attribute
T - Variable in class org.tensorflow.op.tpu.TPUReplicatedInput.Inputs
Deprecated.
The T attribute
T - Variable in class org.tensorflow.op.tpu.TPUReplicatedOutput.Inputs
Deprecated.
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyGradientDescent.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.PreventGradient.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyGradientDescent.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SaveSlices.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
The T attribute
T - Variable in class org.tensorflow.op.train.TileGrad.Inputs
The T attribute
T - Variable in class org.tensorflow.op.xla.AssignVariableConcatND.Inputs
The T attribute
T - Variable in class org.tensorflow.op.xla.ConcatND.Inputs
The T attribute
T - Variable in class org.tensorflow.op.xla.ReadVariableSplitND.Inputs
The T attribute
T - Variable in class org.tensorflow.op.xla.SplitND.Inputs
The T attribute
T1 - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
The T1 attribute
T1 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
The T1 attribute
T2 - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.nn.QuantizedBiasAdd.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
The T2 attribute
T2 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
The T2 attribute
T3 - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The T3 attribute
T3 - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The T3 attribute
T3 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingArbitraryTensorBatch.Inputs
The T3 attribute
T3 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The T3 attribute
T3 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseBatch.Inputs
The T3 attribute
T3 - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
The T3 attribute
Ta - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The Ta attribute
Ta - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
The Ta attribute
tableHandle - Variable in class org.tensorflow.op.core.InitializeTable.Inputs
Handle to a table which will be initialized.
tableHandle - Variable in class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
Handle to a table which will be initialized.
tableHandle - Variable in class org.tensorflow.op.core.LookupTableExport.Inputs
Handle to the table.
tableHandle - Variable in class org.tensorflow.op.core.LookupTableFind.Inputs
Handle to the table.
tableHandle - Variable in class org.tensorflow.op.core.LookupTableImport.Inputs
Handle to the table.
tableHandle - Variable in class org.tensorflow.op.core.LookupTableInsert.Inputs
Handle to the table.
tableHandle - Variable in class org.tensorflow.op.core.LookupTableRemove.Inputs
Handle to the table.
tableHandle - Variable in class org.tensorflow.op.core.LookupTableSize.Inputs
Handle to the table.
tableHandle - Variable in class org.tensorflow.op.data.InitializeTableFromDataset.Inputs
The tableHandle input
tableHandle() - Method in class org.tensorflow.op.core.AnonymousHashTable
Gets tableHandle.
tableHandle() - Method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable
Gets tableHandle.
tableHandle() - Method in class org.tensorflow.op.core.AnonymousMutableHashTable
Gets tableHandle.
tableHandle() - Method in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors
Gets tableHandle.
tableHandle() - Method in class org.tensorflow.op.core.HashTable
Gets tableHandle.
tableHandle() - Method in class org.tensorflow.op.core.MutableDenseHashTable
Gets tableHandle.
tableHandle() - Method in class org.tensorflow.op.core.MutableHashTable
Gets tableHandle.
tableHandle() - Method in class org.tensorflow.op.core.MutableHashTableOfTensors
Gets tableHandle.
tableId - Variable in class org.tensorflow.op.tpu.EmbeddingActivations.Inputs
The id of the table in the embedding layer configuration from which these activations were computed.
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Inputs
The tableId attribute
tableId - Variable in class org.tensorflow.op.tpu.TPUEmbeddingActivations.Inputs
Deprecated.
The id of the table in the embedding layer configuration from which these activations were computed.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
Sets the tableId option.
tableId(Long) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Options
Sets the tableId option.
tableId(Long) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
Sets the tableId option.
tableIds - Variable in class org.tensorflow.op.tpu.DynamicEnqueueTPUEmbeddingRaggedTensorBatch.Inputs
The tableIds attribute
tableIds - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingRaggedTensorBatch.Inputs
A list of integers specifying the identifier of the embedding table (offset of TableDescriptor in the TPUEmbeddingConfiguration) to lookup the corresponding input.
tableIds - Variable in class org.tensorflow.op.tpu.EnqueueTPUEmbeddingSparseTensorBatch.Inputs
A list of integers specifying the identifier of the embedding table (offset of TableDescriptor in the TPUEmbeddingConfiguration) to lookup the corresponding input.
tableName - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.tpu.StoreMinibatchStatisticsInFdo.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs
The tableName attribute
tableName - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput.Inputs
The tableName attribute
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradMomentumParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdagradParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingCenteredRMSPropParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFrequencyEstimatorParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingFTRLParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingMomentumParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalAdagradParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingRMSPropParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.LoadTPUEmbeddingStochasticGradientDescentParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradMomentumParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdagradParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingCenteredRMSPropParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFrequencyEstimatorParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingFTRLParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMomentumParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalAdagradParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingRMSPropParameters
Sets the tableName option.
tableName(String) - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters.Options
Sets the tableName option.
tableName(String) - Static method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingStochasticGradientDescentParameters
Sets the tableName option.
tableVocabSize - Variable in class org.tensorflow.op.tpu.GetMinibatchesInCsrWithPhysicalReplica.Inputs
The tableVocabSize attribute
tableVocabSize - Variable in class org.tensorflow.op.tpu.GetMinibatchSplitsWithPhysicalReplica.Inputs
The tableVocabSize attribute
Tactivation - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The type of output produced by activation function following this operation.
tag - Variable in class org.tensorflow.op.data.BytesProducedStatsDataset.Inputs
The tag input
tag - Variable in class org.tensorflow.op.data.experimental.BytesProducedStatsDataset.Inputs
The tag input
tag - Variable in class org.tensorflow.op.data.experimental.LatencyStatsDataset.Inputs
The tag input
tag - Variable in class org.tensorflow.op.data.experimental.SetStatsAggregatorDataset.Inputs
The tag input
tag - Variable in class org.tensorflow.op.data.LatencyStatsDataset.Inputs
The tag input
tag - Variable in class org.tensorflow.op.data.SetStatsAggregatorDataset.Inputs
The tag input
tag - Variable in class org.tensorflow.op.summary.AudioSummary.Inputs
Scalar.
tag - Variable in class org.tensorflow.op.summary.HistogramSummary.Inputs
Scalar.
tag - Variable in class org.tensorflow.op.summary.ImageSummary.Inputs
Scalar.
tag - Variable in class org.tensorflow.op.summary.TensorSummary.Inputs
A string attached to this summary.
tag - Variable in class org.tensorflow.op.summary.WriteAudioSummary.Inputs
The tag input
tag - Variable in class org.tensorflow.op.summary.WriteHistogramSummary.Inputs
The tag input
tag - Variable in class org.tensorflow.op.summary.WriteImageSummary.Inputs
The tag input
tag - Variable in class org.tensorflow.op.summary.WriteScalarSummary.Inputs
The tag input
tag - Variable in class org.tensorflow.op.summary.WriteSummary.Inputs
The tag input
tags - Variable in class org.tensorflow.op.summary.ScalarSummary.Inputs
Tags for the summary.
tail(Shape<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional Operand that contains the dimension matching the last dimension of the Shape.
tail(Shape<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional Operand that contains the dimension matching the last dimension of * the Shape.
tail(Scope, Shape<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional Operand that contains the dimension matching the last dimension of the Shape.
tail(Scope, Shape<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional Operand that contains the dimension matching the last dimension of * the Shape.
take(Shape<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand with the dimensions matching the first n dimensions of the shape.
take(Shape<U>, Operand<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand containin the dimensions matching the first n dimensions of the shape.
take(Scope, Shape<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand with the dimensions matching the first n dimensions of the shape.
take(Scope, Shape<U>, Operand<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand containin the dimensions matching the first n dimensions of the shape.
takeDataset(Operand<? extends TType>, Operand<TInt64>, List<Class<? extends TType>>, List<Shape>, TakeDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that contains count elements from the input_dataset.
TakeDataset - Class in org.tensorflow.op.data
Creates a dataset that contains count elements from the input_dataset.
TakeDataset(Operation) - Constructor for class org.tensorflow.op.data.TakeDataset
 
TakeDataset.Inputs - Class in org.tensorflow.op.data
 
TakeDataset.Options - Class in org.tensorflow.op.data
Optional attributes for TakeDataset
takeLast(Shape<TInt32>, Operand<TInt32>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand containing the dimensions matching the last n dimensions of the shape.
takeLast(Shape<U>, Operand<U>, Class<U>) - Method in class org.tensorflow.op.ShapeOps
Creates a 1-dimensional operand containing the dimensions matching the last n dimensions of the shape.
takeLast(Scope, Shape<TInt32>, Operand<TInt32>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand containing the dimensions matching the last n dimensions of the shape.
takeLast(Scope, Shape<U>, Operand<U>, Class<U>) - Static method in class org.tensorflow.op.core.Shapes
Creates a 1-dimensional operand containing the dimensions matching the last n dimensions of the shape.
takeManySparseFromTensorsMap(Operand<TInt64>, Class<T>, TakeManySparseFromTensorsMap.Options...) - Method in class org.tensorflow.op.SparseOps
Read SparseTensors from a SparseTensorsMap and concatenate them.
TakeManySparseFromTensorsMap<T extends TType> - Class in org.tensorflow.op.sparse
Read SparseTensors from a SparseTensorsMap and concatenate them.
TakeManySparseFromTensorsMap(Operation) - Constructor for class org.tensorflow.op.sparse.TakeManySparseFromTensorsMap
 
TakeManySparseFromTensorsMap.Inputs - Class in org.tensorflow.op.sparse
 
TakeManySparseFromTensorsMap.Options - Class in org.tensorflow.op.sparse
Optional attributes for TakeManySparseFromTensorsMap
takeWhileDataset(Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that stops iteration when predicate` is false.
takeWhileDataset(Operand<? extends TType>, Iterable<Operand<?>>, ConcreteFunction, List<Class<? extends TType>>, List<Shape>, TakeWhileDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that stops iteration when predicate` is false.
TakeWhileDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that stops iteration when predicate` is false.
TakeWhileDataset - Class in org.tensorflow.op.data
Creates a dataset that stops iteration when predicate` is false.
TakeWhileDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.TakeWhileDataset
 
TakeWhileDataset(Operation) - Constructor for class org.tensorflow.op.data.TakeWhileDataset
 
TakeWhileDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
TakeWhileDataset.Inputs - Class in org.tensorflow.op.data
 
TakeWhileDataset.Options - Class in org.tensorflow.op.data
Optional attributes for TakeWhileDataset
tan(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes tan of x element-wise.
Tan<T extends TType> - Class in org.tensorflow.op.math
Computes tan of x element-wise.
Tan(Operation) - Constructor for class org.tensorflow.op.math.Tan
 
Tan.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
tanh(Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes hyperbolic tangent of x element-wise.
Tanh<T extends TType> - Class in org.tensorflow.op.math
Computes hyperbolic tangent of x element-wise.
Tanh(Operation) - Constructor for class org.tensorflow.op.math.Tanh
 
Tanh.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
tanhGrad(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Computes the gradient for the tanh of x wrt its input.
TanhGrad<T extends TType> - Class in org.tensorflow.op.math
Computes the gradient for the tanh of x wrt its input.
TanhGrad(Operation) - Constructor for class org.tensorflow.op.math.TanhGrad
 
TanhGrad.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
target - Variable in class org.tensorflow.op.core.RemoteCall.Inputs
A fully specified device name where we want to run the function.
targets - Variable in class org.tensorflow.op.nn.InTopK.Inputs
A batch_size vector of class ids.
targetWorkers - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The targetWorkers attribute
targetWorkers(String) - Method in class org.tensorflow.op.data.DataServiceDataset.Options
Sets the targetWorkers option.
targetWorkers(String) - Static method in class org.tensorflow.op.data.DataServiceDataset
Sets the targetWorkers option.
Targmax - Variable in class org.tensorflow.op.nn.MaxPoolGradGradWithArgmax.Inputs
The Targmax attribute
Targmax - Variable in class org.tensorflow.op.nn.MaxPoolGradWithArgmax.Inputs
The Targmax attribute
Targmax - Variable in class org.tensorflow.op.nn.MaxPoolWithArgmax.Inputs
The Targmax attribute
Targs - Variable in class org.tensorflow.op.tpu.Execute.Inputs
The Targs attribute
Targs - Variable in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables.Inputs
The Targs attribute
Targuments - Variable in class org.tensorflow.op.core.MapDefun.Inputs
A list of types.
Targuments - Variable in class org.tensorflow.op.data.ChooseFastestBranchDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.experimental.MapAndBatchDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.experimental.MapDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.experimental.ParallelInterleaveDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.experimental.TakeWhileDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.FilterDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.FlatMapDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.InterleaveDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.LegacyParallelInterleaveDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.MapAndBatchDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.ParallelFilterDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.ParallelInterleaveDataset.Inputs
Types of the elements of other_arguments.
Targuments - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The Targuments attribute
Targuments - Variable in class org.tensorflow.op.data.TakeWhileDataset.Inputs
The Targuments attribute
task() - Method in class org.tensorflow.DeviceSpec
 
task(Integer) - Method in class org.tensorflow.DeviceSpec.Builder
 
taskRefreshIntervalHintMs - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The taskRefreshIntervalHintMs attribute
taskRefreshIntervalHintMs(Long) - Method in class org.tensorflow.op.data.DataServiceDataset.Options
Sets the taskRefreshIntervalHintMs option.
taskRefreshIntervalHintMs(Long) - Static method in class org.tensorflow.op.data.DataServiceDataset
Sets the taskRefreshIntervalHintMs option.
Taxis - Variable in class org.tensorflow.op.core.Gather.Inputs
The Taxis attribute
Taxis - Variable in class org.tensorflow.op.core.Roll.Inputs
The Taxis attribute
Taxis - Variable in class org.tensorflow.op.core.Unique.Inputs
The Taxis attribute
Taxis - Variable in class org.tensorflow.op.core.UniqueWithCounts.Inputs
The Taxis attribute
Tb - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The Tb attribute
Tb - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
The Tb attribute
TBfloat16 - Interface in org.tensorflow.types
Brain 16-bit float tensor type.
Tbias - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The Tbias attribute
Tbias - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The Tbias attribute
Tbias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The Tbias attribute
Tbias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The Tbias attribute
Tbias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The Tbias attribute
Tbias - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The Tbias attribute
Tbias - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The type of the bias.
Tbias - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The Tbias attribute
Tbias - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The Tbias attribute
TblockShape - Variable in class org.tensorflow.op.core.BatchToSpaceNd.Inputs
The TblockShape attribute
TblockShape - Variable in class org.tensorflow.op.core.SpaceToBatchNd.Inputs
The TblockShape attribute
TBool - Interface in org.tensorflow.types
Boolean tensor type.
Tcaptured - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
the types of the captured tensors.
Tcaptured - Variable in class org.tensorflow.op.core.MapDefun.Inputs
A list of types.
Tcomplex - Variable in class org.tensorflow.op.signal.Fft.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Fft2d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Fft3d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.FftNd.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Ifft.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Ifft2d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Ifft3d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.IfftNd.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Irfft.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Irfft2d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Irfft3d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.IrfftNd.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Rfft.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Rfft2d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.Rfft3d.Inputs
The Tcomplex attribute
Tcomplex - Variable in class org.tensorflow.op.signal.RfftNd.Inputs
The Tcomplex attribute
Tcomponents - Variable in class org.tensorflow.op.core.CompositeTensorVariantFromComponents.Inputs
The Tcomponents attribute
Tcomponents - Variable in class org.tensorflow.op.core.CompositeTensorVariantToComponents.Inputs
Expected dtypes for components.
Tcomponents - Variable in class org.tensorflow.op.io.QueueEnqueue.Inputs
The Tcomponents attribute
Tcomponents - Variable in class org.tensorflow.op.io.QueueEnqueueMany.Inputs
The Tcomponents attribute
Tcond - Variable in class org.tensorflow.op.core.StatefulIf.Inputs
The Tcond attribute
Tcond - Variable in class org.tensorflow.op.core.StatelessIf.Inputs
The Tcond attribute
TcontextDense - Variable in class org.tensorflow.op.io.ParseSequenceExample.Inputs
The TcontextDense attribute
TcontextDense - Variable in class org.tensorflow.op.io.ParseSingleSequenceExample.Inputs
The TcontextDense attribute
Tcrops - Variable in class org.tensorflow.op.core.BatchToSpaceNd.Inputs
The Tcrops attribute
Tdense - Variable in class org.tensorflow.op.data.experimental.ParseExampleDataset.Inputs
A list of DTypes of the same length as dense_keys.
Tdense - Variable in class org.tensorflow.op.data.ParseExampleDataset.Inputs
A list of DTypes of the same length as dense_keys.
Tdense - Variable in class org.tensorflow.op.io.ParseExample.Inputs
The Tdense attribute
Tdense - Variable in class org.tensorflow.op.io.ParseSingleExample.Inputs
The data types of data in each Feature given in dense_keys.
Tdim - Variable in class org.tensorflow.op.core.ExpandDims.Inputs
The Tdim attribute
template - Variable in class org.tensorflow.op.strings.StringFormat.Inputs
A string, the template to format tensor summaries into.
template(String) - Method in class org.tensorflow.op.strings.StringFormat.Options
Sets the template option.
template(String) - Static method in class org.tensorflow.op.strings.StringFormat
Sets the template option.
temporaryVariable(Shape, Class<T>, TemporaryVariable.Options...) - Method in class org.tensorflow.op.Ops
Returns a tensor that may be mutated, but only persists within a single step.
TemporaryVariable<T extends TType> - Class in org.tensorflow.op.core
Returns a tensor that may be mutated, but only persists within a single step.
TemporaryVariable(Operation) - Constructor for class org.tensorflow.op.core.TemporaryVariable
 
TemporaryVariable.Inputs - Class in org.tensorflow.op.core
 
TemporaryVariable.Options - Class in org.tensorflow.op.core
Optional attributes for TemporaryVariable
tensor - Variable in class org.tensorflow.op.core.QuantizedReshape.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.Reshape.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.Reverse.Inputs
Up to 8-D.
tensor - Variable in class org.tensorflow.op.core.Send.Inputs
The tensor to send.
tensor - Variable in class org.tensorflow.op.core.TensorListFromTensor.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.TensorListPushBack.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.TensorListPushBackBatch.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.TensorListScatter.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.TensorListScatterIntoExistingList.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.TensorListSplit.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.core.TensorScatterNdAdd.Inputs
Tensor to copy/update.
tensor - Variable in class org.tensorflow.op.core.TensorScatterNdMax.Inputs
Tensor to update.
tensor - Variable in class org.tensorflow.op.core.TensorScatterNdMin.Inputs
Tensor to update.
tensor - Variable in class org.tensorflow.op.core.TensorScatterNdSub.Inputs
Tensor to copy/update.
tensor - Variable in class org.tensorflow.op.core.TensorScatterNdUpdate.Inputs
Tensor to copy/update.
tensor - Variable in class org.tensorflow.op.debugging.CheckNumerics.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.io.SerializeTensor.Inputs
A Tensor of type T.
tensor - Variable in class org.tensorflow.op.summary.AudioSummary.Inputs
2-D of shape [batch_size, frames].
tensor - Variable in class org.tensorflow.op.summary.ImageSummary.Inputs
4-D of shape [batch_size, height, width, channels] where channels is 1, 3, or 4.
tensor - Variable in class org.tensorflow.op.summary.TensorSummary.Inputs
A tensor to serialize.
tensor - Variable in class org.tensorflow.op.summary.WriteAudioSummary.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.summary.WriteGraphSummary.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.summary.WriteImageSummary.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.summary.WriteRawProtoSummary.Inputs
The tensor input
tensor - Variable in class org.tensorflow.op.summary.WriteSummary.Inputs
The tensor input
tensor() - Method in class org.tensorflow.op.core.ImmutableConst
Gets tensor.
tensor() - Method in class org.tensorflow.op.core.Recv
Gets tensor.
tensor() - Method in class org.tensorflow.op.core.TensorListConcat
Gets tensor.
tensor() - Method in class org.tensorflow.op.core.TensorListPopBack
Gets tensor.
tensor() - Method in class org.tensorflow.op.core.TensorListStack
Gets tensor.
tensor() - Method in class org.tensorflow.op.train.RestoreSlice
Gets tensor.
Tensor - Interface in org.tensorflow
A statically typed multi-dimensional array.
tensorArray(Operand<TInt32>, Class<T>, TensorArray.Options...) - Method in class org.tensorflow.op.Ops
An array of Tensors of given size.
TensorArray - Class in org.tensorflow.op.core
An array of Tensors of given size.
TensorArray(Operation) - Constructor for class org.tensorflow.op.core.TensorArray
 
TensorArray.Inputs - Class in org.tensorflow.op.core
 
TensorArray.Options - Class in org.tensorflow.op.core
Optional attributes for TensorArray
tensorArrayClose(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Delete the TensorArray from its resource container.
TensorArrayClose - Class in org.tensorflow.op.core
Delete the TensorArray from its resource container.
TensorArrayClose(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayClose
 
TensorArrayClose.Inputs - Class in org.tensorflow.op.core
 
tensorArrayConcat(Operand<? extends TType>, Operand<TFloat32>, Class<T>, TensorArrayConcat.Options...) - Method in class org.tensorflow.op.Ops
Concat the elements from the TensorArray into value value.
TensorArrayConcat<T extends TType> - Class in org.tensorflow.op.core
Concat the elements from the TensorArray into value value.
TensorArrayConcat(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayConcat
 
TensorArrayConcat.Inputs - Class in org.tensorflow.op.core
 
TensorArrayConcat.Options - Class in org.tensorflow.op.core
Optional attributes for TensorArrayConcat
tensorArrayGather(Operand<? extends TType>, Operand<TInt32>, Operand<TFloat32>, Class<T>, TensorArrayGather.Options...) - Method in class org.tensorflow.op.Ops
Gather specific elements from the TensorArray into output value.
TensorArrayGather<T extends TType> - Class in org.tensorflow.op.core
Gather specific elements from the TensorArray into output value.
TensorArrayGather(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayGather
 
TensorArrayGather.Inputs - Class in org.tensorflow.op.core
 
TensorArrayGather.Options - Class in org.tensorflow.op.core
Optional attributes for TensorArrayGather
tensorArrayGrad(Operand<? extends TType>, Operand<TFloat32>, String) - Method in class org.tensorflow.op.Ops
Creates a TensorArray for storing the gradients of values in the given handle.
TensorArrayGrad - Class in org.tensorflow.op.core
Creates a TensorArray for storing the gradients of values in the given handle.
TensorArrayGrad(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayGrad
 
TensorArrayGrad.Inputs - Class in org.tensorflow.op.core
 
tensorArrayGradWithShape(Operand<? extends TType>, Operand<TFloat32>, Operand<TInt32>, String) - Method in class org.tensorflow.op.Ops
Creates a TensorArray for storing multiple gradients of values in the given handle.
TensorArrayGradWithShape - Class in org.tensorflow.op.core
Creates a TensorArray for storing multiple gradients of values in the given handle.
TensorArrayGradWithShape(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayGradWithShape
 
TensorArrayGradWithShape.Inputs - Class in org.tensorflow.op.core
 
tensorArrayName - Variable in class org.tensorflow.op.core.TensorArray.Inputs
Overrides the name used for the temporary tensor_array resource.
tensorArrayName(String) - Method in class org.tensorflow.op.core.TensorArray.Options
Sets the tensorArrayName option.
tensorArrayName(String) - Static method in class org.tensorflow.op.core.TensorArray
Sets the tensorArrayName option.
tensorArrayPack(Operand<TString>, Operand<TFloat32>, Class<T>, TensorArrayPack.Options...) - Method in class org.tensorflow.op.Ops
The TensorArrayPack operation
TensorArrayPack<T extends TType> - Class in org.tensorflow.op.core
The TensorArrayPack operation
TensorArrayPack(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayPack
 
TensorArrayPack.Inputs - Class in org.tensorflow.op.core
 
TensorArrayPack.Options - Class in org.tensorflow.op.core
Optional attributes for TensorArrayPack
tensorArrayRead(Operand<? extends TType>, Operand<TInt32>, Operand<TFloat32>, Class<T>) - Method in class org.tensorflow.op.Ops
Read an element from the TensorArray into output value.
TensorArrayRead<T extends TType> - Class in org.tensorflow.op.core
Read an element from the TensorArray into output value.
TensorArrayRead(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayRead
 
TensorArrayRead.Inputs - Class in org.tensorflow.op.core
 
tensorArrayScatter(Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>, Operand<TFloat32>) - Method in class org.tensorflow.op.Ops
Scatter the data from the input value into specific TensorArray elements.
TensorArrayScatter - Class in org.tensorflow.op.core
Scatter the data from the input value into specific TensorArray elements.
TensorArrayScatter(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayScatter
 
TensorArrayScatter.Inputs - Class in org.tensorflow.op.core
 
tensorArraySize(Operand<? extends TType>, Operand<TFloat32>) - Method in class org.tensorflow.op.Ops
Get the current size of the TensorArray.
TensorArraySize - Class in org.tensorflow.op.core
Get the current size of the TensorArray.
TensorArraySize(Operation) - Constructor for class org.tensorflow.op.core.TensorArraySize
 
TensorArraySize.Inputs - Class in org.tensorflow.op.core
 
tensorArraySplit(Operand<? extends TType>, Operand<? extends TType>, Operand<TInt64>, Operand<TFloat32>) - Method in class org.tensorflow.op.Ops
Split the data from the input value into TensorArray elements.
TensorArraySplit - Class in org.tensorflow.op.core
Split the data from the input value into TensorArray elements.
TensorArraySplit(Operation) - Constructor for class org.tensorflow.op.core.TensorArraySplit
 
TensorArraySplit.Inputs - Class in org.tensorflow.op.core
 
tensorArrayUnpack(Operand<TString>, Operand<? extends TType>, Operand<TFloat32>) - Method in class org.tensorflow.op.Ops
The TensorArrayUnpack operation
TensorArrayUnpack - Class in org.tensorflow.op.core
The TensorArrayUnpack operation
TensorArrayUnpack(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayUnpack
 
TensorArrayUnpack.Inputs - Class in org.tensorflow.op.core
 
tensorArrayWrite(Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>, Operand<TFloat32>) - Method in class org.tensorflow.op.Ops
Push an element onto the tensor_array.
TensorArrayWrite - Class in org.tensorflow.op.core
Push an element onto the tensor_array.
TensorArrayWrite(Operation) - Constructor for class org.tensorflow.op.core.TensorArrayWrite
 
TensorArrayWrite.Inputs - Class in org.tensorflow.op.core
 
tensorDataset(Iterable<Operand<?>>, List<Shape>, TensorDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that emits components as a tuple of tensors once.
TensorDataset - Class in org.tensorflow.op.data
Creates a dataset that emits components as a tuple of tensors once.
TensorDataset(Operation) - Constructor for class org.tensorflow.op.data.TensorDataset
 
TensorDataset.Inputs - Class in org.tensorflow.op.data
 
TensorDataset.Options - Class in org.tensorflow.op.data
Optional attributes for TensorDataset
tensorDebugMode - Variable in class org.tensorflow.op.debugging.DebugNumericsSummary.Inputs
Tensor debug mode: the mode in which the input tensor is summarized by the op.
tensorDebugMode(Long) - Method in class org.tensorflow.op.debugging.DebugNumericsSummary.Options
Sets the tensorDebugMode option.
tensorDebugMode(Long) - Static method in class org.tensorflow.op.debugging.DebugNumericsSummary
Sets the tensorDebugMode option.
TensorDescription(DataType, Shape, String) - Constructor for class org.tensorflow.Signature.TensorDescription
 
tensorDiag(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Returns a diagonal tensor with a given diagonal values.
TensorDiag<T extends TType> - Class in org.tensorflow.op.linalg
Returns a diagonal tensor with a given diagonal values.
TensorDiag(Operation) - Constructor for class org.tensorflow.op.linalg.TensorDiag
 
TensorDiag.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
tensorDiagPart(Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Returns the diagonal part of the tensor.
TensorDiagPart<T extends TType> - Class in org.tensorflow.op.linalg
Returns the diagonal part of the tensor.
TensorDiagPart(Operation) - Constructor for class org.tensorflow.op.linalg.TensorDiagPart
 
TensorDiagPart.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
tensorflow - module tensorflow
 
TensorFlow - Class in org.tensorflow
Static utility methods describing the TensorFlow runtime.
TensorFunction - Interface in org.tensorflow
A function that can be called with tensors.
tensorId - Variable in class org.tensorflow.op.debugging.DebugNumericsSummary.Inputs
Optional.
tensorId(Long) - Method in class org.tensorflow.op.debugging.DebugNumericsSummary.Options
Sets the tensorId option.
tensorId(Long) - Static method in class org.tensorflow.op.debugging.DebugNumericsSummary
Sets the tensorId option.
tensorListConcat(Operand<? extends TType>, Operand<? extends TNumber>, Operand<TInt64>, Class<U>) - Method in class org.tensorflow.op.Ops
Concats all tensors in the list along the 0th dimension.
TensorListConcat<U extends TType> - Class in org.tensorflow.op.core
Concats all tensors in the list along the 0th dimension.
TensorListConcat(Operation) - Constructor for class org.tensorflow.op.core.TensorListConcat
 
TensorListConcat.Inputs - Class in org.tensorflow.op.core
 
tensorListConcatLists(Operand<? extends TType>, Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.Ops
The TensorListConcatLists operation
TensorListConcatLists - Class in org.tensorflow.op.core
The TensorListConcatLists operation
TensorListConcatLists(Operation) - Constructor for class org.tensorflow.op.core.TensorListConcatLists
 
TensorListConcatLists.Inputs - Class in org.tensorflow.op.core
 
tensorListElementShape(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.Ops
The shape of the elements of the given list, as a tensor.
TensorListElementShape<T extends TNumber> - Class in org.tensorflow.op.core
The shape of the elements of the given list, as a tensor.
TensorListElementShape(Operation) - Constructor for class org.tensorflow.op.core.TensorListElementShape
 
TensorListElementShape.Inputs - Class in org.tensorflow.op.core
 
tensorListFromTensor(Operand<? extends TType>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Creates a TensorList which, when stacked, has the value of tensor.
TensorListFromTensor - Class in org.tensorflow.op.core
Creates a TensorList which, when stacked, has the value of tensor.
TensorListFromTensor(Operation) - Constructor for class org.tensorflow.op.core.TensorListFromTensor
 
TensorListFromTensor.Inputs - Class in org.tensorflow.op.core
 
tensorListGather(Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.Ops
Creates a Tensor by indexing into the TensorList.
TensorListGather<T extends TType> - Class in org.tensorflow.op.core
Creates a Tensor by indexing into the TensorList.
TensorListGather(Operation) - Constructor for class org.tensorflow.op.core.TensorListGather
 
TensorListGather.Inputs - Class in org.tensorflow.op.core
 
tensorListGetItem(Operand<? extends TType>, Operand<TInt32>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.Ops
Returns the item in the list with the given index.
TensorListGetItem<T extends TType> - Class in org.tensorflow.op.core
Returns the item in the list with the given index.
TensorListGetItem(Operation) - Constructor for class org.tensorflow.op.core.TensorListGetItem
 
TensorListGetItem.Inputs - Class in org.tensorflow.op.core
 
tensorListLength(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns the number of tensors in the input tensor list.
TensorListLength - Class in org.tensorflow.op.core
Returns the number of tensors in the input tensor list.
TensorListLength(Operation) - Constructor for class org.tensorflow.op.core.TensorListLength
 
TensorListLength.Inputs - Class in org.tensorflow.op.core
 
tensorListPopBack(Operand<? extends TType>, Operand<TInt32>, Class<T>) - Method in class org.tensorflow.op.Ops
Returns the last element of the input list as well as a list with all but that element.
TensorListPopBack<T extends TType> - Class in org.tensorflow.op.core
Returns the last element of the input list as well as a list with all but that element.
TensorListPopBack(Operation) - Constructor for class org.tensorflow.op.core.TensorListPopBack
 
TensorListPopBack.Inputs - Class in org.tensorflow.op.core
 
tensorListPushBack(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns a list which has the passed-in Tensor as last element and the other elements of the given list in input_handle.
TensorListPushBack - Class in org.tensorflow.op.core
Returns a list which has the passed-in Tensor as last element and the other elements of the given list in input_handle.
TensorListPushBack(Operation) - Constructor for class org.tensorflow.op.core.TensorListPushBack
 
TensorListPushBack.Inputs - Class in org.tensorflow.op.core
 
tensorListPushBackBatch(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
The TensorListPushBackBatch operation
TensorListPushBackBatch - Class in org.tensorflow.op.core
The TensorListPushBackBatch operation
TensorListPushBackBatch(Operation) - Constructor for class org.tensorflow.op.core.TensorListPushBackBatch
 
TensorListPushBackBatch.Inputs - Class in org.tensorflow.op.core
 
tensorListReserve(Operand<? extends TNumber>, Operand<TInt32>, Class<U>) - Method in class org.tensorflow.op.Ops
List of the given size with empty elements.
TensorListReserve - Class in org.tensorflow.op.core
List of the given size with empty elements.
TensorListReserve(Operation) - Constructor for class org.tensorflow.op.core.TensorListReserve
 
TensorListReserve.Inputs - Class in org.tensorflow.op.core
 
tensorListResize(Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.Ops
Resizes the list.
TensorListResize - Class in org.tensorflow.op.core
Resizes the list.
TensorListResize(Operation) - Constructor for class org.tensorflow.op.core.TensorListResize
 
TensorListResize.Inputs - Class in org.tensorflow.op.core
 
tensorListScatter(Operand<? extends TType>, Operand<TInt32>, Operand<? extends TNumber>, Operand<TInt32>) - Method in class org.tensorflow.op.Ops
Creates a TensorList by indexing into a Tensor.
TensorListScatter - Class in org.tensorflow.op.core
Creates a TensorList by indexing into a Tensor.
TensorListScatter(Operation) - Constructor for class org.tensorflow.op.core.TensorListScatter
 
TensorListScatter.Inputs - Class in org.tensorflow.op.core
 
tensorListScatterIntoExistingList(Operand<? extends TType>, Operand<? extends TType>, Operand<TInt32>) - Method in class org.tensorflow.op.Ops
Scatters tensor at indices in an input list.
TensorListScatterIntoExistingList - Class in org.tensorflow.op.core
Scatters tensor at indices in an input list.
TensorListScatterIntoExistingList(Operation) - Constructor for class org.tensorflow.op.core.TensorListScatterIntoExistingList
 
TensorListScatterIntoExistingList.Inputs - Class in org.tensorflow.op.core
 
tensorListSetItem(Operand<? extends TType>, Operand<TInt32>, Operand<? extends TType>, TensorListSetItem.Options...) - Method in class org.tensorflow.op.Ops
Sets the index-th position of the list to contain the given tensor.
TensorListSetItem - Class in org.tensorflow.op.core
Sets the index-th position of the list to contain the given tensor.
TensorListSetItem(Operation) - Constructor for class org.tensorflow.op.core.TensorListSetItem
 
TensorListSetItem.Inputs - Class in org.tensorflow.op.core
 
TensorListSetItem.Options - Class in org.tensorflow.op.core
Optional attributes for TensorListSetItem
tensorListSplit(Operand<? extends TType>, Operand<? extends TNumber>, Operand<TInt64>) - Method in class org.tensorflow.op.Ops
Splits a tensor into a list.
TensorListSplit - Class in org.tensorflow.op.core
Splits a tensor into a list.
TensorListSplit(Operation) - Constructor for class org.tensorflow.op.core.TensorListSplit
 
TensorListSplit.Inputs - Class in org.tensorflow.op.core
 
tensorListStack(Operand<? extends TType>, Operand<TInt32>, Class<T>, TensorListStack.Options...) - Method in class org.tensorflow.op.Ops
Stacks all tensors in the list.
TensorListStack<T extends TType> - Class in org.tensorflow.op.core
Stacks all tensors in the list.
TensorListStack(Operation) - Constructor for class org.tensorflow.op.core.TensorListStack
 
TensorListStack.Inputs - Class in org.tensorflow.op.core
 
TensorListStack.Options - Class in org.tensorflow.op.core
Optional attributes for TensorListStack
tensorMapErase(Operand<? extends TType>, Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.Ops
Returns a tensor map with item from given key erased.
TensorMapErase - Class in org.tensorflow.op.core
Returns a tensor map with item from given key erased.
TensorMapErase(Operation) - Constructor for class org.tensorflow.op.core.TensorMapErase
 
TensorMapErase.Inputs - Class in org.tensorflow.op.core
 
tensorMapHasKey(Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns whether the given key exists in the map.
TensorMapHasKey - Class in org.tensorflow.op.core
Returns whether the given key exists in the map.
TensorMapHasKey(Operation) - Constructor for class org.tensorflow.op.core.TensorMapHasKey
 
TensorMapHasKey.Inputs - Class in org.tensorflow.op.core
 
tensorMapInsert(Operand<? extends TType>, Operand<? extends TType>, Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns a map that is the 'input_handle' with the given key-value pair inserted.
TensorMapInsert - Class in org.tensorflow.op.core
Returns a map that is the 'input_handle' with the given key-value pair inserted.
TensorMapInsert(Operation) - Constructor for class org.tensorflow.op.core.TensorMapInsert
 
TensorMapInsert.Inputs - Class in org.tensorflow.op.core
 
tensorMapLookup(Operand<? extends TType>, Operand<? extends TType>, Class<U>) - Method in class org.tensorflow.op.Ops
Returns the value from a given key in a tensor map.
TensorMapLookup<U extends TType> - Class in org.tensorflow.op.core
Returns the value from a given key in a tensor map.
TensorMapLookup(Operation) - Constructor for class org.tensorflow.op.core.TensorMapLookup
 
TensorMapLookup.Inputs - Class in org.tensorflow.op.core
 
TensorMapper<T extends TType> - Class in org.tensorflow
Maps the native memory of a RawTensor to a n-dimensional typed data space accessible from the JVM.
TensorMapper() - Constructor for class org.tensorflow.TensorMapper
 
tensorMapSize(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns the number of tensors in the input tensor map.
TensorMapSize - Class in org.tensorflow.op.core
Returns the number of tensors in the input tensor map.
TensorMapSize(Operation) - Constructor for class org.tensorflow.op.core.TensorMapSize
 
TensorMapSize.Inputs - Class in org.tensorflow.op.core
 
tensorMapStackKeys(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.Ops
Returns a Tensor stack of all keys in a tensor map.
TensorMapStackKeys<T extends TType> - Class in org.tensorflow.op.core
Returns a Tensor stack of all keys in a tensor map.
TensorMapStackKeys(Operation) - Constructor for class org.tensorflow.op.core.TensorMapStackKeys
 
TensorMapStackKeys.Inputs - Class in org.tensorflow.op.core
 
tensorName - Variable in class org.tensorflow.op.core.Copy.Inputs
The name of the input tensor.
tensorName - Variable in class org.tensorflow.op.core.CopyHost.Inputs
The name of the input tensor.
tensorName - Variable in class org.tensorflow.op.core.Recv.Inputs
The name of the tensor to receive.
tensorName - Variable in class org.tensorflow.op.core.Send.Inputs
The name of the tensor to send.
tensorName - Variable in class org.tensorflow.op.debugging.DebugIdentity.Inputs
Name of the input tensor.
tensorName - Variable in class org.tensorflow.op.debugging.DebugNanCount.Inputs
Name of the input tensor.
tensorName - Variable in class org.tensorflow.op.train.RestoreSlice.Inputs
Must have a single element.
tensorName(String) - Method in class org.tensorflow.op.core.Copy.Options
Sets the tensorName option.
tensorName(String) - Static method in class org.tensorflow.op.core.Copy
Sets the tensorName option.
tensorName(String) - Method in class org.tensorflow.op.core.CopyHost.Options
Sets the tensorName option.
tensorName(String) - Static method in class org.tensorflow.op.core.CopyHost
Sets the tensorName option.
tensorName(String) - Method in class org.tensorflow.op.debugging.DebugIdentity.Options
Sets the tensorName option.
tensorName(String) - Static method in class org.tensorflow.op.debugging.DebugIdentity
Sets the tensorName option.
tensorName(String) - Method in class org.tensorflow.op.debugging.DebugNanCount.Options
Sets the tensorName option.
tensorName(String) - Static method in class org.tensorflow.op.debugging.DebugNanCount
Sets the tensorName option.
tensorNames - Variable in class org.tensorflow.op.tpu.DTensorRestore.Inputs
The tensorNames input
tensorNames - Variable in class org.tensorflow.op.train.Restore.Inputs
shape {N}.
tensorNames - Variable in class org.tensorflow.op.train.Save.Inputs
shape {N}.
tensorNames - Variable in class org.tensorflow.op.train.SaveSlices.Inputs
Shape [N].
tensorOf(Charset, NdArray<String>) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor which is a copy of a given array.
tensorOf(Charset, Shape, DataBuffer<String>) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor with the given shape and data.
tensorOf(NdArray<Boolean>) - Static method in interface org.tensorflow.types.TBool
Allocates a new tensor which is a copy of a given array of booleans.
tensorOf(NdArray<Byte>) - Static method in interface org.tensorflow.types.TUint8
Allocates a new tensor which is a copy of a given array of bytes.
tensorOf(NdArray<Double>) - Static method in interface org.tensorflow.types.TFloat64
Allocates a new tensor which is a copy of a given array of doubles.
tensorOf(NdArray<Float>) - Static method in interface org.tensorflow.types.TBfloat16
Allocates a new tensor which is a copy of a given array of floats.
tensorOf(NdArray<Float>) - Static method in interface org.tensorflow.types.TFloat16
Allocates a new tensor which is a copy of a given array of floats.
tensorOf(NdArray<Float>) - Static method in interface org.tensorflow.types.TFloat32
Allocates a new tensor which is a copy of a given array of floats.
tensorOf(NdArray<Integer>) - Static method in interface org.tensorflow.types.TInt32
Allocates a new tensor which is a copy of a given array of ints.
tensorOf(NdArray<Long>) - Static method in interface org.tensorflow.types.TInt64
Allocates a new tensor which is a copy of a given array of longs.
tensorOf(NdArray<Short>) - Static method in interface org.tensorflow.types.TUint16
Allocates a new tensor which is a copy of a given array of shorts.
tensorOf(NdArray<String>) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor which is a copy of a given array.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TBfloat16
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TBool
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TFloat16
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TFloat32
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TFloat64
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TInt32
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TInt64
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TUint16
Allocates a new tensor of the given shape.
tensorOf(Shape) - Static method in interface org.tensorflow.types.TUint8
Allocates a new tensor of the given shape.
tensorOf(Shape, Consumer<TBfloat16>) - Static method in interface org.tensorflow.types.TBfloat16
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TBool>) - Static method in interface org.tensorflow.types.TBool
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TFloat16>) - Static method in interface org.tensorflow.types.TFloat16
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TFloat32>) - Static method in interface org.tensorflow.types.TFloat32
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TFloat64>) - Static method in interface org.tensorflow.types.TFloat64
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TInt32>) - Static method in interface org.tensorflow.types.TInt32
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TInt64>) - Static method in interface org.tensorflow.types.TInt64
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TUint16>) - Static method in interface org.tensorflow.types.TUint16
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, Consumer<TUint8>) - Static method in interface org.tensorflow.types.TUint8
Allocates a new tensor of the given shape and initialize its data.
tensorOf(Shape, BooleanDataBuffer) - Static method in interface org.tensorflow.types.TBool
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, ByteDataBuffer) - Static method in interface org.tensorflow.types.TUint8
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, DataBuffer<String>) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor with the given shape and data.
tensorOf(Shape, DoubleDataBuffer) - Static method in interface org.tensorflow.types.TFloat64
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, FloatDataBuffer) - Static method in interface org.tensorflow.types.TBfloat16
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, FloatDataBuffer) - Static method in interface org.tensorflow.types.TFloat16
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, FloatDataBuffer) - Static method in interface org.tensorflow.types.TFloat32
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, IntDataBuffer) - Static method in interface org.tensorflow.types.TInt32
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, LongDataBuffer) - Static method in interface org.tensorflow.types.TInt64
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Shape, ShortDataBuffer) - Static method in interface org.tensorflow.types.TUint16
Allocates a new tensor of the given shape, initialized with the provided data.
tensorOf(Scope, boolean[][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-2 constant of boolean elements.
tensorOf(Scope, boolean[][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-3 constant of boolean elements.
tensorOf(Scope, boolean[][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-4 constant of boolean elements.
tensorOf(Scope, boolean[][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-5 constant of boolean elements.
tensorOf(Scope, boolean[][][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-6 constant of boolean elements.
tensorOf(Scope, byte[][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-2 constant of byte elements.
tensorOf(Scope, byte[][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-3 constant of byte elements.
tensorOf(Scope, byte[][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-4 constant of byte elements.
tensorOf(Scope, byte[][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-5 constant of byte elements.
tensorOf(Scope, byte[][][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-6 constant of byte elements.
tensorOf(Scope, double[][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-2 constant of double elements.
tensorOf(Scope, double[][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-3 constant of double elements.
tensorOf(Scope, double[][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-4 constant of double elements.
tensorOf(Scope, double[][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-5 constant of double elements.
tensorOf(Scope, double[][][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-6 constant of double elements.
tensorOf(Scope, float[][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-2 constant of float elements.
tensorOf(Scope, float[][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-3 constant of float elements.
tensorOf(Scope, float[][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-4 constant of float elements.
tensorOf(Scope, float[][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-5 constant of float elements.
tensorOf(Scope, float[][][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-6 constant of float elements.
tensorOf(Scope, int[][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-2 constant of int elements.
tensorOf(Scope, int[][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-3 constant of int elements.
tensorOf(Scope, int[][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-4 constant of int elements.
tensorOf(Scope, int[][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-5 constant of int elements.
tensorOf(Scope, int[][][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-6 constant of int elements.
tensorOf(Scope, long[][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-2 constant of long elements.
tensorOf(Scope, long[][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-3 constant of long elements.
tensorOf(Scope, long[][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-4 constant of long elements.
tensorOf(Scope, long[][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-5 constant of long elements.
tensorOf(Scope, long[][][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-6 constant of long elements.
tensorOf(Scope, Class<T>, Number) - Static method in class org.tensorflow.op.core.Constant
Creates a scalar of type, with the value of number.
tensorOf(Scope, Class<T>, Shape, ByteDataBuffer) - Static method in class org.tensorflow.op.core.Constant
Create a constant with data from the given buffer.
tensorOf(Scope, String[][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-2 constant of String elements, using default UTF-8 encoding.
tensorOf(Scope, String[][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-3 constant of String elements, using default UTF-8 encoding.
tensorOf(Scope, String[][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-4 constant of String elements, using default UTF-8 encoding.
tensorOf(Scope, String[][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-5 constant of String elements, using default UTF-8 encoding.
tensorOf(Scope, String[][][][][][]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-6 constant of String elements, using default UTF-8 encoding.
tensorOf(Scope, Charset, NdArray<String>) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of String elements that is a copy of a given n-dimensional array, using the given encoding.
tensorOf(Scope, Charset, Shape, DataBuffer<String>) - Static method in class org.tensorflow.op.core.Constant
Create a TString constant with data from the given buffer, using the given encoding.
tensorOf(Scope, BooleanNdArray) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of boolean elements that is a copy of a given n-dimensional array.
tensorOf(Scope, ByteNdArray) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of byte elements that is a copy of a given n-dimensional array.
tensorOf(Scope, DoubleNdArray) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of double elements that is a copy of a given n-dimensional array.
tensorOf(Scope, FloatNdArray) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of float elements that is a copy of a given n-dimensional array.
tensorOf(Scope, IntNdArray) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of int elements that is a copy of a given n-dimensional array.
tensorOf(Scope, LongNdArray) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of long elements that is a copy of a given n-dimensional array.
tensorOf(Scope, NdArray<String>) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of String elements that is a copy of a given n-dimensional array, using the default UTF-8 encoding.
tensorOf(Scope, Shape) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of long elements representing the size of each dimensions of the given shape.
tensorOf(Scope, Shape, BooleanDataBuffer) - Static method in class org.tensorflow.op.core.Constant
Create a TBool constant with data from the given buffer.
tensorOf(Scope, Shape, ByteDataBuffer) - Static method in class org.tensorflow.op.core.Constant
Create a TUint8 constant with data from the given buffer.
tensorOf(Scope, Shape, DataBuffer<String>) - Static method in class org.tensorflow.op.core.Constant
Create a TString constant with data from the given buffer, using the default UTF-8 encoding.
tensorOf(Scope, Shape, DoubleDataBuffer) - Static method in class org.tensorflow.op.core.Constant
Create a TFloat64 constant with data from the given buffer.
tensorOf(Scope, Shape, FloatDataBuffer) - Static method in class org.tensorflow.op.core.Constant
Create a TFloat32 constant with data from the given buffer.
tensorOf(Scope, Shape, IntDataBuffer) - Static method in class org.tensorflow.op.core.Constant
Create a TInt32 constant with data from the given buffer.
tensorOf(Scope, Shape, LongDataBuffer) - Static method in class org.tensorflow.op.core.Constant
Create a TInt64 constant with data from the given buffer.
tensorOfBytes(NdArray<byte[]>) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor which is a copy of a given array of raw bytes.
tensorOfBytes(Shape, DataBuffer<byte[]>) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor with the given shape and raw bytes.
tensorOfSameType(Scope, Operand<T>, Number) - Static method in class org.tensorflow.op.core.Constant
Creates a scalar of the same type as toMatch, with the value of number.
tensors - Variable in class org.tensorflow.op.data.ListDataset.Inputs
The tensors input
tensors - Variable in class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape.Inputs
The tensors input
tensors - Variable in class org.tensorflow.op.tpu.TPUCopyWithDynamicShape.Inputs
The tensors input
tensors - Variable in class org.tensorflow.op.train.Save.Inputs
N tensors to save.
tensors() - Method in class org.tensorflow.op.tpu.DTensorRestore
Gets tensors.
tensors() - Method in class org.tensorflow.op.train.Restore
Gets tensors.
tensorScatterNdAdd(Operand<T>, Operand<? extends TNumber>, Operand<T>) - Method in class org.tensorflow.op.Ops
Adds sparse updates to an existing tensor according to indices.
TensorScatterNdAdd<T extends TType> - Class in org.tensorflow.op.core
Adds sparse updates to an existing tensor according to indices.
TensorScatterNdAdd(Operation) - Constructor for class org.tensorflow.op.core.TensorScatterNdAdd
 
TensorScatterNdAdd.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
tensorScatterNdMax(Operand<T>, Operand<? extends TNumber>, Operand<T>) - Method in class org.tensorflow.op.Ops
Apply a sparse update to a tensor taking the element-wise maximum.
TensorScatterNdMax<T extends TType> - Class in org.tensorflow.op.core
Apply a sparse update to a tensor taking the element-wise maximum.
TensorScatterNdMax(Operation) - Constructor for class org.tensorflow.op.core.TensorScatterNdMax
 
TensorScatterNdMax.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
tensorScatterNdMin(Operand<T>, Operand<? extends TNumber>, Operand<T>) - Method in class org.tensorflow.op.Ops
The TensorScatterMin operation
TensorScatterNdMin<T extends TType> - Class in org.tensorflow.op.core
The TensorScatterMin operation
TensorScatterNdMin(Operation) - Constructor for class org.tensorflow.op.core.TensorScatterNdMin
 
TensorScatterNdMin.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
tensorScatterNdSub(Operand<T>, Operand<? extends TNumber>, Operand<T>) - Method in class org.tensorflow.op.Ops
Subtracts sparse updates from an existing tensor according to indices.
TensorScatterNdSub<T extends TType> - Class in org.tensorflow.op.core
Subtracts sparse updates from an existing tensor according to indices.
TensorScatterNdSub(Operation) - Constructor for class org.tensorflow.op.core.TensorScatterNdSub
 
TensorScatterNdSub.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
tensorScatterNdUpdate(Operand<T>, Operand<? extends TNumber>, Operand<T>) - Method in class org.tensorflow.op.Ops
Scatter updates into an existing tensor according to indices.
TensorScatterNdUpdate<T extends TType> - Class in org.tensorflow.op.core
Scatter updates into an existing tensor according to indices.
TensorScatterNdUpdate(Operation) - Constructor for class org.tensorflow.op.core.TensorScatterNdUpdate
 
TensorScatterNdUpdate.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
tensorSliceDataset(Iterable<Operand<?>>, List<Shape>, TensorSliceDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that emits each dim-0 slice of components once.
TensorSliceDataset - Class in org.tensorflow.op.data
Creates a dataset that emits each dim-0 slice of components once.
TensorSliceDataset(Operation) - Constructor for class org.tensorflow.op.data.TensorSliceDataset
 
TensorSliceDataset.Inputs - Class in org.tensorflow.op.data
 
TensorSliceDataset.Options - Class in org.tensorflow.op.data
Optional attributes for TensorSliceDataset
tensorStridedSliceUpdate(Operand<T>, Operand<U>, Operand<U>, Operand<U>, Operand<T>, TensorStridedSliceUpdate.Options...) - Method in class org.tensorflow.op.Ops
Assign value to the sliced l-value reference of input.
TensorStridedSliceUpdate<T extends TType> - Class in org.tensorflow.op.core
Assign value to the sliced l-value reference of input.
TensorStridedSliceUpdate(Operation) - Constructor for class org.tensorflow.op.core.TensorStridedSliceUpdate
 
TensorStridedSliceUpdate.Inputs<T extends TType,U extends TNumber> - Class in org.tensorflow.op.core
 
TensorStridedSliceUpdate.Options - Class in org.tensorflow.op.core
Optional attributes for TensorStridedSliceUpdate
tensorSummary(Operand<TString>, Operand<? extends TType>, Operand<TString>) - Method in class org.tensorflow.op.SummaryOps
Outputs a Summary protocol buffer with a tensor and per-plugin data.
TensorSummary - Class in org.tensorflow.op.summary
Outputs a Summary protocol buffer with a tensor and per-plugin data.
TensorSummary(Operation) - Constructor for class org.tensorflow.op.summary.TensorSummary
 
TensorSummary.Inputs - Class in org.tensorflow.op.summary
 
tensorType - Variable in class org.tensorflow.op.core.Recv.Inputs
The tensorType attribute
TensorType - Annotation Type in org.tensorflow.types.annotation
Annotation for all tensor types.
textLineDataset(Operand<TString>, Operand<TString>, Operand<TInt64>, TextLineDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that emits the lines of one or more text files.
TextLineDataset - Class in org.tensorflow.op.data
Creates a dataset that emits the lines of one or more text files.
TextLineDataset(Operation) - Constructor for class org.tensorflow.op.data.TextLineDataset
 
TextLineDataset.Inputs - Class in org.tensorflow.op.data
 
TextLineDataset.Options - Class in org.tensorflow.op.data
Optional attributes for TextLineDataset
textLineReader(TextLineReader.Options...) - Method in class org.tensorflow.op.IoOps
A Reader that outputs the lines of a file delimited by '\n'.
TextLineReader - Class in org.tensorflow.op.io
A Reader that outputs the lines of a file delimited by '\n'.
TextLineReader(Operation) - Constructor for class org.tensorflow.op.io.TextLineReader
 
TextLineReader.Inputs - Class in org.tensorflow.op.io
 
TextLineReader.Options - Class in org.tensorflow.op.io
Optional attributes for TextLineReader
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The quantized type of filter tensor that needs to be converted.
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The Tfilter attribute
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The type of the filter.
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The type of the filter.
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The type of the filter.
Tfilter - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The type of the filter.
TfinalizeFuncArgs - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The TfinalizeFuncArgs attribute
TfinalizeFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
The TfinalizeFuncOtherArguments attribute
TfinalizeFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
The TfinalizeFuncOtherArguments attribute
TFloat16 - Interface in org.tensorflow.types
IEEE-754 half-precision 16-bit float tensor type.
TFloat32 - Interface in org.tensorflow.types
IEEE-754 single-precision 32-bit float tensor type.
TFloat64 - Interface in org.tensorflow.types
IEEE-754 double-precision 64-bit float tensor type.
TFloating - Interface in org.tensorflow.types.family
Common interface for all floating point tensors.
tfRecordDataset(Operand<TString>, Operand<TString>, Operand<TInt64>, Operand<TInt64>, TfRecordDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that emits the records from one or more TFRecord files.
TfRecordDataset - Class in org.tensorflow.op.data
Creates a dataset that emits the records from one or more TFRecord files.
TfRecordDataset(Operation) - Constructor for class org.tensorflow.op.data.TfRecordDataset
 
TfRecordDataset.Inputs - Class in org.tensorflow.op.data
 
TfRecordDataset.Options - Class in org.tensorflow.op.data
Optional attributes for TfRecordDataset
tfRecordReader(TfRecordReader.Options...) - Method in class org.tensorflow.op.IoOps
A Reader that outputs the records from a TensorFlow Records file.
TfRecordReader - Class in org.tensorflow.op.io
A Reader that outputs the records from a TensorFlow Records file.
TfRecordReader(Operation) - Constructor for class org.tensorflow.op.io.TfRecordReader
 
TfRecordReader.Inputs - Class in org.tensorflow.op.io
 
TfRecordReader.Options - Class in org.tensorflow.op.io
Optional attributes for TfRecordReader
TguaranteedConstants - Variable in class org.tensorflow.op.tpu.Compile.Inputs
The TguaranteedConstants attribute
threadPool - Variable in class org.tensorflow.op.data.experimental.ThreadPoolDataset.Inputs
A resource produced by the ThreadPoolHandle op.
threadPool - Variable in class org.tensorflow.op.data.ThreadPoolDataset.Inputs
A resource produced by the ThreadPoolHandle op.
threadPoolDataset(Operand<? extends TType>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that uses a custom thread pool to compute input_dataset.
threadPoolDataset(Operand<? extends TType>, Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Creates a dataset that uses a custom thread pool to compute input_dataset.
ThreadPoolDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that uses a custom thread pool to compute input_dataset.
ThreadPoolDataset - Class in org.tensorflow.op.data
Creates a dataset that uses a custom thread pool to compute input_dataset.
ThreadPoolDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.ThreadPoolDataset
 
ThreadPoolDataset(Operation) - Constructor for class org.tensorflow.op.data.ThreadPoolDataset
 
ThreadPoolDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
ThreadPoolDataset.Inputs - Class in org.tensorflow.op.data
 
threadPoolHandle(Long, String, ThreadPoolHandle.Options...) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that uses a custom thread pool to compute input_dataset.
threadPoolHandle(Long, String, ThreadPoolHandle.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that uses a custom thread pool to compute input_dataset.
ThreadPoolHandle - Class in org.tensorflow.op.data.experimental
Creates a dataset that uses a custom thread pool to compute input_dataset.
ThreadPoolHandle - Class in org.tensorflow.op.data
Creates a dataset that uses a custom thread pool to compute input_dataset.
ThreadPoolHandle(Operation) - Constructor for class org.tensorflow.op.data.experimental.ThreadPoolHandle
 
ThreadPoolHandle(Operation) - Constructor for class org.tensorflow.op.data.ThreadPoolHandle
 
ThreadPoolHandle.Inputs - Class in org.tensorflow.op.data.experimental
 
ThreadPoolHandle.Inputs - Class in org.tensorflow.op.data
 
ThreadPoolHandle.Options - Class in org.tensorflow.op.data.experimental
Optional attributes for ThreadPoolHandle
ThreadPoolHandle.Options - Class in org.tensorflow.op.data
Optional attributes for ThreadPoolHandle
threadUnsafeUnigramCandidateSampler(Operand<TInt64>, Long, Long, Boolean, Long, ThreadUnsafeUnigramCandidateSampler.Options...) - Method in class org.tensorflow.op.RandomOps
Generates labels for candidate sampling with a learned unigram distribution.
ThreadUnsafeUnigramCandidateSampler - Class in org.tensorflow.op.random
Generates labels for candidate sampling with a learned unigram distribution.
ThreadUnsafeUnigramCandidateSampler(Operation) - Constructor for class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
 
ThreadUnsafeUnigramCandidateSampler.Inputs - Class in org.tensorflow.op.random
 
ThreadUnsafeUnigramCandidateSampler.Options - Class in org.tensorflow.op.random
Optional attributes for ThreadUnsafeUnigramCandidateSampler
thresh - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
0-D.
TI - Variable in class org.tensorflow.op.core.OneHot.Inputs
The TI attribute
Tidx - Variable in class org.tensorflow.op.core.All.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Any.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.BatchToSpace.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.BroadcastTo.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Concat.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.LinSpace.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Max.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Min.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Prod.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Range.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.ReduceAll.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.ReduceAny.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.ReduceMax.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.ReduceMin.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.ReduceProd.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.ReduceSum.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Reverse.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.Sum.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.core.UnravelIndex.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.linalg.EuclideanNorm.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.math.ArgMax.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.math.ArgMin.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.math.Cumprod.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.math.Cumsum.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.math.CumulativeLogsumexp.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.math.DenseBincount.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.math.Mean.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.ragged.RaggedBincount.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
The Tidx attribute
Tidx - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
The Tidx attribute
tile(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Constructs a tensor by tiling a given tensor.
Tile<T extends TType> - Class in org.tensorflow.op.core
Constructs a tensor by tiling a given tensor.
Tile(Operation) - Constructor for class org.tensorflow.op.core.Tile
 
Tile.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
tileGrad(Operand<T>, Operand<TInt32>) - Method in class org.tensorflow.op.TrainOps
Returns the gradient of Tile.
TileGrad<T extends TType> - Class in org.tensorflow.op.train
Returns the gradient of Tile.
TileGrad(Operation) - Constructor for class org.tensorflow.op.train.TileGrad
 
TileGrad.Inputs<T extends TType> - Class in org.tensorflow.op.train
 
timeMajor - Variable in class org.tensorflow.op.nn.CudnnRNN.Inputs
The timeMajor attribute
timeMajor - Variable in class org.tensorflow.op.nn.CudnnRNNBackprop.Inputs
The timeMajor attribute
timeMajor(Boolean) - Method in class org.tensorflow.op.nn.CudnnRNN.Options
Sets the timeMajor option.
timeMajor(Boolean) - Static method in class org.tensorflow.op.nn.CudnnRNN
Sets the timeMajor option.
timeMajor(Boolean) - Method in class org.tensorflow.op.nn.CudnnRNNBackprop.Options
Sets the timeMajor option.
timeMajor(Boolean) - Static method in class org.tensorflow.op.nn.CudnnRNNBackprop
Sets the timeMajor option.
timeoutMicros - Variable in class org.tensorflow.op.core.Unbatch.Inputs
The timeoutMicros attribute
timeoutMs - Variable in class org.tensorflow.op.core.BarrierTakeMany.Inputs
If the queue is empty, this operation will block for up to timeout_ms milliseconds.
timeoutMs - Variable in class org.tensorflow.op.io.QueueDequeue.Inputs
If the queue is empty, this operation will block for up to timeout_ms milliseconds.
timeoutMs - Variable in class org.tensorflow.op.io.QueueDequeueMany.Inputs
If the queue has fewer than n elements, this operation will block for up to timeout_ms milliseconds.
timeoutMs - Variable in class org.tensorflow.op.io.QueueDequeueUpTo.Inputs
If the queue has fewer than n elements, this operation will block for up to timeout_ms milliseconds.
timeoutMs - Variable in class org.tensorflow.op.io.QueueEnqueue.Inputs
If the queue is full, this operation will block for up to timeout_ms milliseconds.
timeoutMs - Variable in class org.tensorflow.op.io.QueueEnqueueMany.Inputs
If the queue is too full, this operation will block for up to timeout_ms milliseconds.
timeoutMs(Long) - Method in class org.tensorflow.op.core.BarrierTakeMany.Options
Sets the timeoutMs option.
timeoutMs(Long) - Static method in class org.tensorflow.op.core.BarrierTakeMany
Sets the timeoutMs option.
timeoutMs(Long) - Method in class org.tensorflow.op.io.QueueDequeue.Options
Sets the timeoutMs option.
timeoutMs(Long) - Static method in class org.tensorflow.op.io.QueueDequeue
Sets the timeoutMs option.
timeoutMs(Long) - Method in class org.tensorflow.op.io.QueueDequeueMany.Options
Sets the timeoutMs option.
timeoutMs(Long) - Static method in class org.tensorflow.op.io.QueueDequeueMany
Sets the timeoutMs option.
timeoutMs(Long) - Method in class org.tensorflow.op.io.QueueDequeueUpTo.Options
Sets the timeoutMs option.
timeoutMs(Long) - Static method in class org.tensorflow.op.io.QueueDequeueUpTo
Sets the timeoutMs option.
timeoutMs(Long) - Method in class org.tensorflow.op.io.QueueEnqueue.Options
Sets the timeoutMs option.
timeoutMs(Long) - Static method in class org.tensorflow.op.io.QueueEnqueue
Sets the timeoutMs option.
timeoutMs(Long) - Method in class org.tensorflow.op.io.QueueEnqueueMany.Options
Sets the timeoutMs option.
timeoutMs(Long) - Static method in class org.tensorflow.op.io.QueueEnqueueMany
Sets the timeoutMs option.
timeoutSeconds - Variable in class org.tensorflow.op.collective.CollectiveAllToAll.Inputs
The timeoutSeconds attribute
timeoutSeconds - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The timeoutSeconds attribute
timeoutSeconds - Variable in class org.tensorflow.op.collective.CollectiveBcastSend.Inputs
The timeoutSeconds attribute
timeoutSeconds - Variable in class org.tensorflow.op.collective.CollectiveGather.Inputs
The timeoutSeconds attribute
timeoutSeconds - Variable in class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Inputs
The timeoutSeconds attribute
timeoutSeconds - Variable in class org.tensorflow.op.collective.CollectiveReduce.Inputs
The timeoutSeconds attribute
timeoutSeconds - Variable in class org.tensorflow.op.collective.CollectiveReduceScatter.Inputs
The timeoutSeconds attribute
timeoutSeconds(Float) - Method in class org.tensorflow.op.collective.CollectiveAllToAll.Options
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Static method in class org.tensorflow.op.collective.CollectiveAllToAll
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Method in class org.tensorflow.op.collective.CollectiveBcastRecv.Options
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Static method in class org.tensorflow.op.collective.CollectiveBcastRecv
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Method in class org.tensorflow.op.collective.CollectiveBcastSend.Options
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Static method in class org.tensorflow.op.collective.CollectiveBcastSend
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Method in class org.tensorflow.op.collective.CollectiveGather.Options
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Static method in class org.tensorflow.op.collective.CollectiveGather
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Method in class org.tensorflow.op.collective.CollectiveInitializeCommunicator.Options
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Static method in class org.tensorflow.op.collective.CollectiveInitializeCommunicator
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Method in class org.tensorflow.op.collective.CollectiveReduce.Options
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Static method in class org.tensorflow.op.collective.CollectiveReduce
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Method in class org.tensorflow.op.collective.CollectiveReduceScatter.Options
Sets the timeoutSeconds option.
timeoutSeconds(Float) - Static method in class org.tensorflow.op.collective.CollectiveReduceScatter
Sets the timeoutSeconds option.
timestamp() - Method in class org.tensorflow.op.Ops
Provides the time since epoch in seconds.
Timestamp - Class in org.tensorflow.op.core
Provides the time since epoch in seconds.
Timestamp(Operation) - Constructor for class org.tensorflow.op.core.Timestamp
 
Timestamp.Inputs - Class in org.tensorflow.op.core
 
Tin - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
the types of tensors to be batched.
Tin - Variable in class org.tensorflow.op.core.LookupTableFind.Inputs
The Tin attribute
Tin - Variable in class org.tensorflow.op.core.LookupTableImport.Inputs
The Tin attribute
Tin - Variable in class org.tensorflow.op.core.LookupTableInsert.Inputs
The Tin attribute
Tin - Variable in class org.tensorflow.op.core.LookupTableRemove.Inputs
The Tin attribute
Tin - Variable in class org.tensorflow.op.core.PartitionedCall.Inputs
A list of input types.
Tin - Variable in class org.tensorflow.op.core.RemoteCall.Inputs
The type list for the arguments.
Tin - Variable in class org.tensorflow.op.core.StatefulCase.Inputs
A list of input types.
Tin - Variable in class org.tensorflow.op.core.StatefulIf.Inputs
A list of input types.
Tin - Variable in class org.tensorflow.op.core.StatefulPartitionedCall.Inputs
A list of input types.
Tin - Variable in class org.tensorflow.op.core.StatelessCase.Inputs
A list of input types.
Tin - Variable in class org.tensorflow.op.core.StatelessIf.Inputs
A list of input types.
Tin - Variable in class org.tensorflow.op.core.StochasticCastToInt.Inputs
The type of the input.
Tin - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The type of lhs and rhs input Tensor.
Tin - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
The type of input Tensor.
Tin - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
The type of input Tensor.
Tin - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The type of lhs and rhs input Tensor.
Tin - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The type of input Tensor.
Tin - Variable in class org.tensorflow.op.tpu.PartitionedCall.Inputs
The types of the arguments to the function.
Tin - Variable in class org.tensorflow.op.train.SymbolicGradient.Inputs
the type list for the input list.
Tindex - Variable in class org.tensorflow.op.linalg.BandPart.Inputs
The Tindex attribute
Tindex - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
The Tindex attribute
Tindices - Variable in class org.tensorflow.op.core.Gather.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.GatherNd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceGather.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceGatherNd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterAdd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterDiv.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterMax.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterMin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterMul.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterNdAdd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterNdMax.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterNdMin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterNdSub.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterNdUpdate.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterSub.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ResourceScatterUpdate.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterAdd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterDiv.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterMax.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterMin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterMul.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterNd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterNdAdd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterNdMax.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterNdMin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterNdNonAliasingAdd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterNdSub.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterNdUpdate.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterSub.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.ScatterUpdate.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.TensorScatterNdAdd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.TensorScatterNdMax.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.TensorScatterNdMin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.TensorScatterNdSub.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.core.TensorScatterNdUpdate.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.SegmentMax.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.SegmentMean.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.SegmentMin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.SegmentProd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.SegmentSum.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.UnsortedSegmentMax.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.UnsortedSegmentMin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.UnsortedSegmentProd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.math.UnsortedSegmentSum.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.ragged.RaggedGather.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.sparse.SparseTensorDenseAdd.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.sparse.SparseTensorDenseMatMul.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.sparse.SparseToDense.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.strings.UnsortedSegmentJoin.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
The Tindices attribute
Tindices - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
The Tindices attribute
TinitFuncArgs - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The TinitFuncArgs attribute
TinitFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
The TinitFuncOtherArguments attribute
TinitFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
The TinitFuncOtherArguments attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2d.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRelu.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndReluAndRequantize.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DAndRequantize.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DPerChannel.Inputs
The quantized type of input tensor that needs to be converted.
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBias.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRelu.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndReluAndRequantize.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasAndRequantize.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndRelu.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2D.Inputs
The type of the input.
Tinput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBias.Inputs
The type of the input.
Tinput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndRelu.Inputs
The type of the input.
Tinput - Variable in class org.tensorflow.op.nn.QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.Inputs
The type of the input.
Tinput - Variable in class org.tensorflow.op.nn.QuantizedRelu.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedRelu6.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.nn.QuantizedReluX.Inputs
The Tinput attribute
Tinput - Variable in class org.tensorflow.op.quantization.QuantizeDownAndShrinkRange.Inputs
The type of the input.
Tinput - Variable in class org.tensorflow.op.quantization.RequantizationRange.Inputs
The type of the input.
Tinput - Variable in class org.tensorflow.op.quantization.Requantize.Inputs
The type of the input.
Tinput - Variable in class org.tensorflow.op.xla.XlaSendToHost.Inputs
The Tinput attribute
TInput - Variable in class org.tensorflow.op.nn.MaxPool3dGrad.Inputs
The TInput attribute
Tinputs - Variable in class org.tensorflow.op.core.MlirPassthroughOp.Inputs
The Tinputs attribute
Tinputs - Variable in class org.tensorflow.op.data.WindowOp.Inputs
The Tinputs attribute
Tinputs - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
The element types of each element in inputs.
TinputTypes - Variable in class org.tensorflow.op.core.EncodeProto.Inputs
The input types.
TinputTypes - Variable in class org.tensorflow.op.data.ListDataset.Inputs
The TinputTypes attribute
TInt32 - Interface in org.tensorflow.types
32-bit signed integer tensor type.
TInt64 - Interface in org.tensorflow.types
64-bit signed integer tensor type.
TIntegral - Interface in org.tensorflow.types.family
Common interface for all integral numeric tensors.
Tk - Variable in class org.tensorflow.op.nn.TopK.Inputs
The Tk attribute
Tkey - Variable in class org.tensorflow.op.core.InitializeTable.Inputs
The Tkey attribute
TkeyFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
The TkeyFuncOtherArguments attribute
TkeyFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The TkeyFuncOtherArguments attribute
TkeyFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
The TkeyFuncOtherArguments attribute
TkeyFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The TkeyFuncOtherArguments attribute
Tkeys - Variable in class org.tensorflow.op.core.LookupTableExport.Inputs
The Tkeys attribute
Tlabels - Variable in class org.tensorflow.op.nn.SparseSoftmaxCrossEntropyWithLogits.Inputs
The Tlabels attribute
Tlen - Variable in class org.tensorflow.op.core.ReverseSequence.Inputs
The Tlen attribute
Tlen - Variable in class org.tensorflow.op.core.SplitV.Inputs
The Tlen attribute
Tlhs - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The type of lhs input Tensor.
Tlhs - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
The type of lhs input Tensor.
tMax - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the highest quantized input.
tMin - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the lowest quantized input.
Tmultiples - Variable in class org.tensorflow.op.core.Tile.Inputs
The Tmultiples attribute
TnextFuncArgs - Variable in class org.tensorflow.op.data.GeneratorDataset.Inputs
The TnextFuncArgs attribute
TNumber - Interface in org.tensorflow.types.family
Common interface for all numeric tensors.
Tnumsegments - Variable in class org.tensorflow.op.math.SegmentMax.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.math.SegmentMin.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.math.SegmentProd.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.math.SegmentSum.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.math.UnsortedSegmentMax.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.math.UnsortedSegmentMin.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.math.UnsortedSegmentProd.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.math.UnsortedSegmentSum.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
The Tnumsegments attribute
Tnumsegments - Variable in class org.tensorflow.op.strings.UnsortedSegmentJoin.Inputs
The Tnumsegments attribute
toBool(Operand<? extends TType>) - Method in class org.tensorflow.op.DtypesOps
Converts a tensor to a scalar predicate.
ToBool - Class in org.tensorflow.op.dtypes
Converts a tensor to a scalar predicate.
ToBool(Operation) - Constructor for class org.tensorflow.op.dtypes.ToBool
 
ToBool.Inputs - Class in org.tensorflow.op.dtypes
 
toDataType(Class<? extends T>) - Static method in class org.tensorflow.op.Operands
Converts a tensor type class to a DataType attribute.
toDataTypes(Collection<Class<? extends T>>) - Static method in class org.tensorflow.op.Operands
Converts a list of tensor type classes to an array of DataType attributes.
toGraphDef() - Method in class org.tensorflow.Graph
Generate a representation of the Graph.
toHashBucket(Operand<TString>, Long) - Method in class org.tensorflow.op.StringsOps
Converts each string in the input Tensor to its hash mod by a number of buckets.
ToHashBucket - Class in org.tensorflow.op.strings
Converts each string in the input Tensor to its hash mod by a number of buckets.
ToHashBucket(Operation) - Constructor for class org.tensorflow.op.strings.ToHashBucket
 
ToHashBucket.Inputs - Class in org.tensorflow.op.strings
 
toHashBucketFast(Operand<TString>, Long) - Method in class org.tensorflow.op.StringsOps
Converts each string in the input Tensor to its hash mod by a number of buckets.
ToHashBucketFast - Class in org.tensorflow.op.strings
Converts each string in the input Tensor to its hash mod by a number of buckets.
ToHashBucketFast(Operation) - Constructor for class org.tensorflow.op.strings.ToHashBucketFast
 
ToHashBucketFast.Inputs - Class in org.tensorflow.op.strings
 
toHashBucketStrong(Operand<TString>, Long, List<Long>) - Method in class org.tensorflow.op.StringsOps
Converts each string in the input Tensor to its hash mod by a number of buckets.
ToHashBucketStrong - Class in org.tensorflow.op.strings
Converts each string in the input Tensor to its hash mod by a number of buckets.
ToHashBucketStrong(Operation) - Constructor for class org.tensorflow.op.strings.ToHashBucketStrong
 
ToHashBucketStrong.Inputs - Class in org.tensorflow.op.strings
 
tolerance - Variable in class org.tensorflow.op.math.ApproximateEqual.Inputs
The tolerance attribute
tolerance(Float) - Method in class org.tensorflow.op.math.ApproximateEqual.Options
Sets the tolerance option.
tolerance(Float) - Static method in class org.tensorflow.op.math.ApproximateEqual
Sets the tolerance option.
toNumber(Operand<TString>) - Method in class org.tensorflow.op.StringsOps
Converts each string in the input Tensor to the specified numeric type.
toNumber(Operand<TString>, Class<T>) - Method in class org.tensorflow.op.StringsOps
Converts each string in the input Tensor to the specified numeric type.
ToNumber<T extends TNumber> - Class in org.tensorflow.op.strings
Converts each string in the input Tensor to the specified numeric type.
ToNumber(Operation) - Constructor for class org.tensorflow.op.strings.ToNumber
 
ToNumber.Inputs - Class in org.tensorflow.op.strings
 
topk() - Method in class org.tensorflow.op.core.TopKUnique
Gets topk.
topk() - Method in class org.tensorflow.op.core.TopKWithUnique
Gets topk.
topK(Operand<T>, Operand<? extends TNumber>, Class<V>, TopK.Options...) - Method in class org.tensorflow.op.NnOps
Finds values and indices of the k largest elements for the last dimension.
topK(Operand<T>, Operand<? extends TNumber>, TopK.Options[]) - Method in class org.tensorflow.op.NnOps
Finds values and indices of the k largest elements for the last dimension.
TopK<T extends TNumber,V extends TNumber> - Class in org.tensorflow.op.nn
Finds values and indices of the k largest elements for the last dimension.
TopK(Operation) - Constructor for class org.tensorflow.op.nn.TopK
 
TopK.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
TopK.Options - Class in org.tensorflow.op.nn
Optional attributes for TopK
topkIndices() - Method in class org.tensorflow.op.core.TopKUnique
Gets topkIndices.
topkIndices() - Method in class org.tensorflow.op.core.TopKWithUnique
Gets topkIndices.
topKUnique(Operand<TFloat32>, Long) - Method in class org.tensorflow.op.Ops
Returns the TopK unique values in the array in sorted order.
TopKUnique - Class in org.tensorflow.op.core
Returns the TopK unique values in the array in sorted order.
TopKUnique(Operation) - Constructor for class org.tensorflow.op.core.TopKUnique
 
TopKUnique.Inputs - Class in org.tensorflow.op.core
 
topKWithUnique(Operand<TFloat32>, Long) - Method in class org.tensorflow.op.Ops
Returns the TopK values in the array in sorted order.
TopKWithUnique - Class in org.tensorflow.op.core
Returns the TopK values in the array in sorted order.
TopKWithUnique(Operation) - Constructor for class org.tensorflow.op.core.TopKWithUnique
 
TopKWithUnique.Inputs - Class in org.tensorflow.op.core
 
topology - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
TopologyProto indicating the topology of the TPU pod slice.
topology - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
TopologyProto indicating the topology of the TPU pod slice.
topology() - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Gets topology.
topology(String) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the topology option.
topology(String) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the topology option.
topology(String) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the topology option.
topology(String) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the topology option.
toString() - Method in class org.tensorflow.GraphOperation
 
toString() - Method in class org.tensorflow.ConcreteFunction
 
toString() - Method in class org.tensorflow.DeviceSpec
 
toString() - Method in class org.tensorflow.op.RawOp
 
toString() - Method in class org.tensorflow.op.RawOpInputs
 
toString() - Method in class org.tensorflow.Output
 
toString() - Method in class org.tensorflow.RawTensor
Returns a string describing the type and shape of the tensor.
toString() - Method in class org.tensorflow.Signature
 
totalSize - Variable in class org.tensorflow.op.AttributeMetadata
The total size of this attribute.
totalWordsProcessed() - Method in class org.tensorflow.op.core.Skipgram
Gets totalWordsProcessed.
Tout - Variable in class org.tensorflow.op.core.BatchFunction.Inputs
the types of the output tensors.
Tout - Variable in class org.tensorflow.op.core.LookupTableFind.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.core.LookupTableImport.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.core.LookupTableInsert.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.core.PartitionedCall.Inputs
A list of output types.
Tout - Variable in class org.tensorflow.op.core.RemoteCall.Inputs
The type list for the return values.
Tout - Variable in class org.tensorflow.op.core.StatefulCase.Inputs
A list of output types.
Tout - Variable in class org.tensorflow.op.core.StatefulIf.Inputs
A list of output types.
Tout - Variable in class org.tensorflow.op.core.StatefulPartitionedCall.Inputs
A list of output types.
Tout - Variable in class org.tensorflow.op.core.StatelessCase.Inputs
A list of output types.
Tout - Variable in class org.tensorflow.op.core.StatelessIf.Inputs
A list of output types.
Tout - Variable in class org.tensorflow.op.core.StochasticCastToInt.Inputs
The type of the output.
Tout - Variable in class org.tensorflow.op.dtypes.Complex.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.linalg.Eig.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.math.Angle.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.math.ComplexAbs.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.math.Imag.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.math.Real.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The type of output Tensor.
Tout - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The type of output Tensor.
Tout - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
The type of output Tensor.
Tout - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
The type of output Tensor.
Tout - Variable in class org.tensorflow.op.quantization.UniformQuantizedDot.Inputs
The type of output Tensor.
Tout - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
The type of output Tensor.
Tout - Variable in class org.tensorflow.op.quantization.UniformRequantize.Inputs
The type of output Tensor.
Tout - Variable in class org.tensorflow.op.random.RandomUniformInt.Inputs
The Tout attribute
Tout - Variable in class org.tensorflow.op.tpu.PartitionedCall.Inputs
The types of the outputs of the function.
Tout - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
If not spcified, Tout is the same type to input type.
Tout - Variable in class org.tensorflow.op.train.SymbolicGradient.Inputs
the type list for the input list.
Toutput - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The Toutput attribute
Toutput - Variable in class org.tensorflow.op.xla.XlaRecvFromHost.Inputs
The Toutput attribute
Toutputs - Variable in class org.tensorflow.op.core.MlirPassthroughOp.Inputs
The Toutputs attribute
Toutputs - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
The element types of each element in outputs.
ToutputTypes - Variable in class org.tensorflow.op.data.OptionalFromValue.Inputs
The ToutputTypes attribute
ToutputTypes - Variable in class org.tensorflow.op.data.PaddedBatchDataset.Inputs
The ToutputTypes attribute
ToutputTypes - Variable in class org.tensorflow.op.data.TensorDataset.Inputs
The ToutputTypes attribute
ToutputTypes - Variable in class org.tensorflow.op.data.TensorSliceDataset.Inputs
The ToutputTypes attribute
Tpaddings - Variable in class org.tensorflow.op.core.MirrorPad.Inputs
The Tpaddings attribute
Tpaddings - Variable in class org.tensorflow.op.core.MirrorPadGrad.Inputs
The Tpaddings attribute
Tpaddings - Variable in class org.tensorflow.op.core.Pad.Inputs
The Tpaddings attribute
Tpaddings - Variable in class org.tensorflow.op.core.SpaceToBatchNd.Inputs
The Tpaddings attribute
Tpaddings - Variable in class org.tensorflow.op.nn.SpaceToBatch.Inputs
The Tpaddings attribute
Tparams - Variable in class org.tensorflow.op.core.Gather.Inputs
The Tparams attribute
Tparams - Variable in class org.tensorflow.op.core.GatherNd.Inputs
The Tparams attribute
Tperm - Variable in class org.tensorflow.op.linalg.ConjugateTranspose.Inputs
The Tperm attribute
Tperm - Variable in class org.tensorflow.op.linalg.Transpose.Inputs
The Tperm attribute
tpu - Variable in class org.tensorflow.op.Ops
 
TPU - Enum constant in enum org.tensorflow.DeviceSpec.DeviceType
 
tPUAnnotateTensorsWithDynamicShape(Iterable<Operand<?>>) - Method in class org.tensorflow.op.TpuOps
The TPUAnnotateTensorsWithDynamicShape operation
TPUAnnotateTensorsWithDynamicShape - Class in org.tensorflow.op.tpu
The TPUAnnotateTensorsWithDynamicShape operation
TPUAnnotateTensorsWithDynamicShape(Operation) - Constructor for class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape
 
TPUAnnotateTensorsWithDynamicShape.Inputs - Class in org.tensorflow.op.tpu
 
tpuCancellationClosesChips - Variable in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Inputs
The tpuCancellationClosesChips attribute
tpuCancellationClosesChips(Long) - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Options
Sets the tpuCancellationClosesChips option.
tpuCancellationClosesChips(Long) - Static method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Sets the tpuCancellationClosesChips option.
tPUCompilationResult() - Method in class org.tensorflow.op.TpuOps
Deprecated.
use CompilationResult instead
TPUCompilationResult - Class in org.tensorflow.op.tpu
Deprecated.
use CompilationResult instead
TPUCompilationResult(Operation) - Constructor for class org.tensorflow.op.tpu.TPUCompilationResult
Deprecated.
 
TPUCompilationResult.Inputs - Class in org.tensorflow.op.tpu
Deprecated.
 
tpuCompileOptionsProto - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
The tpuCompileOptionsProto attribute
tpuCompileOptionsProto - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
The tpuCompileOptionsProto attribute
tpuCompileOptionsProto(String) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the tpuCompileOptionsProto option.
tpuCompileOptionsProto(String) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the tpuCompileOptionsProto option.
tpuCompileOptionsProto(String) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the tpuCompileOptionsProto option.
tpuCompileOptionsProto(String) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the tpuCompileOptionsProto option.
tPUCopyWithDynamicShape(Iterable<Operand<?>>, Iterable<Operand<TInt32>>) - Method in class org.tensorflow.op.TpuOps
Op that copies host tensor to device with dynamic shape support.
TPUCopyWithDynamicShape - Class in org.tensorflow.op.tpu
Op that copies host tensor to device with dynamic shape support.
TPUCopyWithDynamicShape(Operation) - Constructor for class org.tensorflow.op.tpu.TPUCopyWithDynamicShape
 
TPUCopyWithDynamicShape.Inputs - Class in org.tensorflow.op.tpu
 
tpuCore - Variable in class org.tensorflow.op.xla.XlaHostCompute.Inputs
Default core to use for host to device transfers.
tpuCore(Long) - Method in class org.tensorflow.op.xla.XlaHostCompute.Options
Sets the tpuCore option.
tpuCore(Long) - Static method in class org.tensorflow.op.xla.XlaHostCompute
Sets the tpuCore option.
tPUEmbeddingActivations(Operand<TFloat32>, Operand<TFloat32>, Long, Long) - Method in class org.tensorflow.op.TpuOps
Deprecated.
TPUEmbeddingActivations - Class in org.tensorflow.op.tpu
Deprecated.
TPUEmbeddingActivations(Operation) - Constructor for class org.tensorflow.op.tpu.TPUEmbeddingActivations
Deprecated.
 
TPUEmbeddingActivations.Inputs - Class in org.tensorflow.op.tpu
Deprecated.
 
tpuEmbeddingConfig - Variable in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Inputs
Serialized tensorflow.tpu.TPUEmbeddingConfiguration that describes the embedding lookups of the program.
tpuEmbeddingConfig(String) - Method in class org.tensorflow.op.tpu.ConfigureDistributedTPU.Options
Sets the tpuEmbeddingConfig option.
tpuEmbeddingConfig(String) - Static method in class org.tensorflow.op.tpu.ConfigureDistributedTPU
Sets the tpuEmbeddingConfig option.
tpuHandleToProtoKey(Operand<TInt64>) - Method in class org.tensorflow.op.TpuOps
Converts XRT's uid handles to TensorFlow-friendly input format.
TpuHandleToProtoKey - Class in org.tensorflow.op.tpu
Converts XRT's uid handles to TensorFlow-friendly input format.
TpuHandleToProtoKey(Operation) - Constructor for class org.tensorflow.op.tpu.TpuHandleToProtoKey
 
TpuHandleToProtoKey.Inputs - Class in org.tensorflow.op.tpu
 
TpuOps - Class in org.tensorflow.op
An API for building tpu operations as Ops
tPUReplicatedInput(Iterable<Operand<T>>, TPUReplicatedInput.Options...) - Method in class org.tensorflow.op.TpuOps
Deprecated.
use ReplicatedInput instead
TPUReplicatedInput<T extends TType> - Class in org.tensorflow.op.tpu
Deprecated.
use ReplicatedInput instead
TPUReplicatedInput(Operation) - Constructor for class org.tensorflow.op.tpu.TPUReplicatedInput
Deprecated.
 
TPUReplicatedInput.Inputs<T extends TType> - Class in org.tensorflow.op.tpu
Deprecated.
 
TPUReplicatedInput.Options - Class in org.tensorflow.op.tpu
Deprecated.
Optional attributes for TPUReplicatedInput
tPUReplicatedOutput(Operand<T>, Long) - Method in class org.tensorflow.op.TpuOps
Deprecated.
use ReplicatedOutput instead
TPUReplicatedOutput<T extends TType> - Class in org.tensorflow.op.tpu
Deprecated.
use ReplicatedOutput instead
TPUReplicatedOutput(Operation) - Constructor for class org.tensorflow.op.tpu.TPUReplicatedOutput
Deprecated.
 
TPUReplicatedOutput.Inputs<T extends TType> - Class in org.tensorflow.op.tpu
Deprecated.
 
tPUReplicateMetadata(Long, TPUReplicateMetadata.Options...) - Method in class org.tensorflow.op.TpuOps
Deprecated.
use ReplicateMetadata instead
TPUReplicateMetadata - Class in org.tensorflow.op.tpu
Deprecated.
use ReplicateMetadata instead
TPUReplicateMetadata(Operation) - Constructor for class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
 
TPUReplicateMetadata.Inputs - Class in org.tensorflow.op.tpu
Deprecated.
 
TPUReplicateMetadata.Options - Class in org.tensorflow.op.tpu
Deprecated.
Optional attributes for TPUReplicateMetadata
tPUReshardVariables(Iterable<Operand<? extends TType>>, Operand<TString>, Operand<? extends TType>) - Method in class org.tensorflow.op.TpuOps
Op that reshards on-device TPU variables to specified state.
TPUReshardVariables - Class in org.tensorflow.op.tpu
Op that reshards on-device TPU variables to specified state.
TPUReshardVariables(Operation) - Constructor for class org.tensorflow.op.tpu.TPUReshardVariables
 
TPUReshardVariables.Inputs - Class in org.tensorflow.op.tpu
 
tPURoundRobin() - Method in class org.tensorflow.op.TpuOps
Round-robin load balancing on TPU cores.
TPURoundRobin - Class in org.tensorflow.op.tpu
Round-robin load balancing on TPU cores.
TPURoundRobin(Operation) - Constructor for class org.tensorflow.op.tpu.TPURoundRobin
 
TPURoundRobin.Inputs - Class in org.tensorflow.op.tpu
 
tpuTensors() - Method in class org.tensorflow.op.tpu.TPUAnnotateTensorsWithDynamicShape
Gets tpuTensors.
tpuTensors() - Method in class org.tensorflow.op.tpu.TPUCopyWithDynamicShape
Gets tpuTensors.
train - Variable in class org.tensorflow.op.Ops
 
TrainOps - Class in org.tensorflow.op
An API for building train operations as Ops
transformations - Variable in class org.tensorflow.op.data.AssertNextDataset.Inputs
A tf.string vector tf.Tensor identifying the transformations that are expected to happen next.
transformations - Variable in class org.tensorflow.op.data.AssertPrevDataset.Inputs
A tf.string vector tf.Tensor identifying the transformations, with optional attribute name-value pairs, that are expected to have happened previously.
transformations - Variable in class org.tensorflow.op.data.experimental.AssertNextDataset.Inputs
The transformations input
transformedImages() - Method in class org.tensorflow.op.image.ImageProjectiveTransformV2
Gets transformedImages.
transformedImages() - Method in class org.tensorflow.op.image.ImageProjectiveTransformV3
Gets transformedImages.
transforms - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV2.Inputs
2-D Tensor, [batch, 8] or [1, 8] matrix, where each row corresponds to a 3 x 3 projective transformation matrix, with the last entry assumed to be 1.
transforms - Variable in class org.tensorflow.op.image.ImageProjectiveTransformV3.Inputs
2-D Tensor, [batch, 8] or [1, 8] matrix, where each row corresponds to a 3 x 3 projective transformation matrix, with the last entry assumed to be 1.
translation - Variable in class org.tensorflow.op.image.ScaleAndTranslate.Inputs
The translation input
translation - Variable in class org.tensorflow.op.image.ScaleAndTranslateGrad.Inputs
The translation input
transpose(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.LinalgOps
Shuffle dimensions of x according to a permutation.
Transpose<T extends TType> - Class in org.tensorflow.op.linalg
Shuffle dimensions of x according to a permutation.
Transpose(Operation) - Constructor for class org.tensorflow.op.linalg.Transpose
 
Transpose.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
transposeA - Variable in class org.tensorflow.op.linalg.MatMul.Inputs
If true, "a" is transposed before multiplication.
transposeA - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
If true, a is transposed before multiplication.
transposeA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
If true, a is transposed before multiplication.
transposeA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
If true, a is transposed before multiplication.
transposeA - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
If true, a is transposed before multiplication.
transposeA - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
Indicates whether a should be transposed.
transposeA - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
Indicates whether a should be transposed.
transposeA - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The transposeA attribute
transposeA - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The transposeA attribute
transposeA - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The transposeA attribute
transposeA(Boolean) - Method in class org.tensorflow.op.linalg.MatMul.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.linalg.MatMul
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMul.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMul
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
Sets the transposeA option.
transposeA(Boolean) - Method in class org.tensorflow.op.sparse.SparseMatMul.Options
Sets the transposeA option.
transposeA(Boolean) - Static method in class org.tensorflow.op.sparse.SparseMatMul
Sets the transposeA option.
transposeB - Variable in class org.tensorflow.op.linalg.MatMul.Inputs
If true, "b" is transposed before multiplication.
transposeB - Variable in class org.tensorflow.op.linalg.QuantizedMatMul.Inputs
If true, b is transposed before multiplication.
transposeB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Inputs
If true, b is transposed before multiplication.
transposeB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Inputs
If true, b is transposed before multiplication.
transposeB - Variable in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Inputs
If true, b is transposed before multiplication.
transposeB - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
Indicates whether b should be transposed.
transposeB - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
Indicates whether b should be transposed.
transposeB - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Inputs
The transposeB attribute
transposeB - Variable in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Inputs
The transposeB attribute
transposeB - Variable in class org.tensorflow.op.sparse.SparseMatMul.Inputs
The transposeB attribute
transposeB(Boolean) - Method in class org.tensorflow.op.linalg.MatMul.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.linalg.MatMul
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMul.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMul
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBias
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndRelu
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.linalg.QuantizedMatMulWithBiasAndReluAndRequantize
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndDequantize
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.quantization.QuantizedMatMulWithBiasAndRequantize
Sets the transposeB option.
transposeB(Boolean) - Method in class org.tensorflow.op.sparse.SparseMatMul.Options
Sets the transposeB option.
transposeB(Boolean) - Static method in class org.tensorflow.op.sparse.SparseMatMul
Sets the transposeB option.
transposeOutput - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Inputs
Transposes the product of a and b.
transposeOutput(Boolean) - Method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul.Options
Sets the transposeOutput option.
transposeOutput(Boolean) - Static method in class org.tensorflow.op.linalg.sparse.SparseMatrixMatMul
Sets the transposeOutput option.
TreaderFuncArgs - Variable in class org.tensorflow.op.data.LoadDataset.Inputs
The TreaderFuncArgs attribute
TreaderFuncArgs - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The TreaderFuncArgs attribute
Treal - Variable in class org.tensorflow.op.signal.Irfft.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.signal.Irfft2d.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.signal.Irfft3d.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.signal.IrfftNd.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.signal.Rfft.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.signal.Rfft2d.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.signal.Rfft3d.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.signal.RfftNd.Inputs
The Treal attribute
Treal - Variable in class org.tensorflow.op.sparse.SparseAdd.Inputs
The Treal attribute
TreduceFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByReducerDataset.Inputs
The TreduceFuncOtherArguments attribute
TreduceFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The TreduceFuncOtherArguments attribute
TreduceFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByReducerDataset.Inputs
The TreduceFuncOtherArguments attribute
TreduceFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The TreduceFuncOtherArguments attribute
Tresults - Variable in class org.tensorflow.op.tpu.Execute.Inputs
The Tresults attribute
Tresults - Variable in class org.tensorflow.op.tpu.ExecuteAndUpdateVariables.Inputs
The Tresults attribute
Trhs - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The type of rhs (quantized) input Tensor.
Trhs - Variable in class org.tensorflow.op.quantization.UniformQuantizedDotHybrid.Inputs
The type of rhs (quantized) input Tensor.
triangularSolve(Operand<T>, Operand<T>, TriangularSolve.Options...) - Method in class org.tensorflow.op.LinalgOps
Solves systems of linear equations with upper or lower triangular matrices by backsubstitution.
TriangularSolve<T extends TType> - Class in org.tensorflow.op.linalg
Solves systems of linear equations with upper or lower triangular matrices by backsubstitution.
TriangularSolve(Operation) - Constructor for class org.tensorflow.op.linalg.TriangularSolve
 
TriangularSolve.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
TriangularSolve.Options - Class in org.tensorflow.op.linalg
Optional attributes for TriangularSolve
tridiagonalMatMul(Operand<T>, Operand<T>, Operand<T>, Operand<T>) - Method in class org.tensorflow.op.LinalgOps
Calculate product with tridiagonal matrix.
TridiagonalMatMul<T extends TType> - Class in org.tensorflow.op.linalg
Calculate product with tridiagonal matrix.
TridiagonalMatMul(Operation) - Constructor for class org.tensorflow.op.linalg.TridiagonalMatMul
 
TridiagonalMatMul.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
tridiagonalSolve(Operand<T>, Operand<T>, TridiagonalSolve.Options...) - Method in class org.tensorflow.op.LinalgOps
Solves tridiagonal systems of equations.
TridiagonalSolve<T extends TType> - Class in org.tensorflow.op.linalg
Solves tridiagonal systems of equations.
TridiagonalSolve(Operation) - Constructor for class org.tensorflow.op.linalg.TridiagonalSolve
 
TridiagonalSolve.Inputs<T extends TType> - Class in org.tensorflow.op.linalg
 
TridiagonalSolve.Options - Class in org.tensorflow.op.linalg
Optional attributes for TridiagonalSolve
trueClasses - Variable in class org.tensorflow.op.nn.ComputeAccidentalHits.Inputs
The true_classes output of UnpackSparseLabels.
trueClasses - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
A batch_size * num_true matrix, in which each row contains the IDs of the num_true target_classes in the corresponding original label.
trueClasses - Variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
A batch_size * num_true matrix, in which each row contains the IDs of the num_true target_classes in the corresponding original label.
trueClasses - Variable in class org.tensorflow.op.random.AllCandidateSampler.Inputs
A batch_size * num_true matrix, in which each row contains the IDs of the num_true target_classes in the corresponding original label.
trueClasses - Variable in class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
A batch_size * num_true matrix, in which each row contains the IDs of the num_true target_classes in the corresponding original label.
trueClasses - Variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
A batch_size * num_true matrix, in which each row contains the IDs of the num_true target_classes in the corresponding original label.
trueClasses - Variable in class org.tensorflow.op.random.UniformCandidateSampler.Inputs
A batch_size * num_true matrix, in which each row contains the IDs of the num_true target_classes in the corresponding original label.
trueExpectedCount() - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Gets trueExpectedCount.
trueExpectedCount() - Method in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler
Gets trueExpectedCount.
trueExpectedCount() - Method in class org.tensorflow.op.random.AllCandidateSampler
Gets trueExpectedCount.
trueExpectedCount() - Method in class org.tensorflow.op.random.LogUniformCandidateSampler
Gets trueExpectedCount.
trueExpectedCount() - Method in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler
Gets trueExpectedCount.
trueExpectedCount() - Method in class org.tensorflow.op.random.UniformCandidateSampler
Gets trueExpectedCount.
Truncate - Variable in class org.tensorflow.op.dtypes.Cast.Inputs
The Truncate attribute
Truncate(Boolean) - Method in class org.tensorflow.op.dtypes.Cast.Options
Sets the Truncate option.
Truncate(Boolean) - Static method in class org.tensorflow.op.dtypes.Cast
Sets the Truncate option.
truncateDiv(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns x / y element-wise, rounded towards zero.
TruncateDiv<T extends TType> - Class in org.tensorflow.op.math
Returns x / y element-wise, rounded towards zero.
TruncateDiv(Operation) - Constructor for class org.tensorflow.op.math.TruncateDiv
 
TruncateDiv.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
truncatedNormal(Operand<? extends TNumber>, Class<U>, TruncatedNormal.Options...) - Method in class org.tensorflow.op.RandomOps
Outputs random values from a truncated normal distribution.
TruncatedNormal<U extends TNumber> - Class in org.tensorflow.op.random
Outputs random values from a truncated normal distribution.
TruncatedNormal(Operation) - Constructor for class org.tensorflow.op.random.TruncatedNormal
 
TruncatedNormal.Inputs - Class in org.tensorflow.op.random
 
TruncatedNormal.Options - Class in org.tensorflow.op.random
Optional attributes for TruncatedNormal
truncateMod(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns element-wise remainder of division.
TruncateMod<T extends TNumber> - Class in org.tensorflow.op.math
Returns element-wise remainder of division.
TruncateMod(Operation) - Constructor for class org.tensorflow.op.math.TruncateMod
 
TruncateMod.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
truthIndices - Variable in class org.tensorflow.op.core.EditDistance.Inputs
The indices of the truth list SparseTensor.
truthShape - Variable in class org.tensorflow.op.core.EditDistance.Inputs
truth indices, vector.
truthValues - Variable in class org.tensorflow.op.core.EditDistance.Inputs
The values of the truth list SparseTensor.
tryRecoverTruncated - Variable in class org.tensorflow.op.image.DecodeAndCropJpeg.Inputs
If true try to recover an image from truncated input.
tryRecoverTruncated - Variable in class org.tensorflow.op.image.DecodeJpeg.Inputs
If true try to recover an image from truncated input.
tryRecoverTruncated(Boolean) - Method in class org.tensorflow.op.image.DecodeAndCropJpeg.Options
Sets the tryRecoverTruncated option.
tryRecoverTruncated(Boolean) - Static method in class org.tensorflow.op.image.DecodeAndCropJpeg
Sets the tryRecoverTruncated option.
tryRecoverTruncated(Boolean) - Method in class org.tensorflow.op.image.DecodeJpeg.Options
Sets the tryRecoverTruncated option.
tryRecoverTruncated(Boolean) - Static method in class org.tensorflow.op.image.DecodeJpeg
Sets the tryRecoverTruncated option.
ts() - Method in class org.tensorflow.op.core.Timestamp
Gets ts.
Tseed - Variable in class org.tensorflow.op.core.RandomIndexShuffle.Inputs
The type of seed.
Tseed - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessMultinomial.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessParameterizedTruncatedNormal.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomBinomial.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomGetKeyCounter.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomGetKeyCounterAlg.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomNormal.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomPoisson.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomUniform.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullInt.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessRandomUniformInt.Inputs
The Tseed attribute
Tseed - Variable in class org.tensorflow.op.random.StatelessTruncatedNormal.Inputs
The Tseed attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentMean.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanGrad.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentMeanWithNumSegments.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtN.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNGrad.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentSqrtNWithNumSegments.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentSum.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentSumGrad.Inputs
The Tsegmentids attribute
Tsegmentids - Variable in class org.tensorflow.op.sparse.SparseSegmentSumWithNumSegments.Inputs
The Tsegmentids attribute
Tserialized - Variable in class org.tensorflow.op.sparse.DeserializeSparse.Inputs
The Tserialized attribute
Tshape - Variable in class org.tensorflow.op.collective.CollectiveBcastRecv.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.core.QuantizedReshape.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.core.Reshape.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.nn.Conv3dBackpropInput.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.random.StatelessRandomNormalV2.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.random.StatelessRandomUniformFullIntV2.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.random.StatelessRandomUniformIntV2.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.random.StatelessRandomUniformV2.Inputs
The Tshape attribute
Tshape - Variable in class org.tensorflow.op.random.StatelessTruncatedNormalV2.Inputs
The Tshape attribute
TshardFuncArgs - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The TshardFuncArgs attribute
TshardFuncArgs - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The TshardFuncArgs attribute
Tshift - Variable in class org.tensorflow.op.core.Roll.Inputs
The Tshift attribute
Tsplits - Variable in class org.tensorflow.op.ragged.RaggedGather.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.ragged.RaggedRange.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.ragged.RaggedTensorFromVariant.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.ragged.RaggedTensorToSparse.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariant.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.strings.StringNGrams.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.strings.UnicodeDecode.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.strings.UnicodeDecodeWithOffsets.Inputs
The Tsplits attribute
Tsplits - Variable in class org.tensorflow.op.strings.UnicodeEncode.Inputs
The Tsplits attribute
Tstate - Variable in class org.tensorflow.op.data.experimental.ScanDataset.Inputs
The Tstate attribute
Tstate - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
The Tstate attribute
Tstate - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The Tstate attribute
TString - Interface in org.tensorflow.types
String type.
Tsummand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.Inputs
The Tsummand attribute
Tsummand - Variable in class org.tensorflow.op.nn.QuantizedConv2DWithBiasSumAndReluAndRequantize.Inputs
The Tsummand attribute
TType - Interface in org.tensorflow.types.family
Common interface for all typed tensors.
TUint16 - Interface in org.tensorflow.types
16-bit unsigned integer tensor type.
TUint8 - Interface in org.tensorflow.types
8-bit unsigned integer tensor type.
tupleMask - Variable in class org.tensorflow.op.tpu.MergeDedupData.Inputs
A serialized TensorProto string of output tuple mask.
tupleMask - Variable in class org.tensorflow.op.tpu.SplitDedupData.Inputs
A serialized TensorProto string of output tuple mask.
Tval - Variable in class org.tensorflow.op.core.InitializeTable.Inputs
The Tval attribute
Tvalues - Variable in class org.tensorflow.op.core.LookupTableExport.Inputs
The Tvalues attribute
Tvalues - Variable in class org.tensorflow.op.data.SparseTensorSliceDataset.Inputs
The Tvalues attribute
Tvalues - Variable in class org.tensorflow.op.ragged.RaggedGather.Inputs
The Tvalues attribute
Tvalues - Variable in class org.tensorflow.op.ragged.RaggedTensorFromVariant.Inputs
The Tvalues attribute
Tvalues - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariant.Inputs
The Tvalues attribute
Tvalues - Variable in class org.tensorflow.op.ragged.RaggedTensorToVariantGradient.Inputs
The Tvalues attribute
TwindowSizeFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The TwindowSizeFuncOtherArguments attribute
TwindowSizeFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The TwindowSizeFuncOtherArguments attribute
type - Variable in class org.tensorflow.op.AttributeMetadata
The type of this attribute, or the type of the list values if it is a list.
type - Variable in class org.tensorflow.op.core.Bitcast.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToDense.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmax.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSoftmaxGrad.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseCholesky.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixSparseMatMul.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixTranspose.Inputs
The type attribute
type - Variable in class org.tensorflow.op.linalg.sparse.SparseMatrixZeros.Inputs
The type attribute
type() - Method in class org.tensorflow.GraphOperation
 
type() - Method in interface org.tensorflow.Operand
Returns the tensor type of this operand
type() - Method in interface org.tensorflow.Operation
Returns the type of the operation, i.e., the name of the computation performed by the operation.
type() - Method in class org.tensorflow.Output
Returns the type of the tensor referred to by this Output.
type() - Method in interface org.tensorflow.types.family.TType
Returns the type of this tensor as a registered subclass of TType

U

u - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The u input
u() - Method in class org.tensorflow.op.linalg.BatchSvd
Gets u.
u() - Method in class org.tensorflow.op.linalg.Svd
Gets u.
u() - Method in class org.tensorflow.op.nn.GRUBlockCell
Gets u.
U - Variable in class org.tensorflow.op.core.RelayoutLike.Inputs
The U attribute
U - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
The data type for the scale, offset, mean, and variance.
U - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
The data type for the scale, offset, mean, and variance.
uid - Variable in class org.tensorflow.op.tpu.TpuHandleToProtoKey.Inputs
The uid input
unbatch(Operand<T>, Operand<TInt64>, Operand<TInt64>, Long, Unbatch.Options...) - Method in class org.tensorflow.op.Ops
Reverses the operation of Batch for a single output Tensor.
Unbatch<T extends TType> - Class in org.tensorflow.op.core
Reverses the operation of Batch for a single output Tensor.
Unbatch(Operation) - Constructor for class org.tensorflow.op.core.Unbatch
 
Unbatch.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Unbatch.Options - Class in org.tensorflow.op.core
Optional attributes for Unbatch
unbatchDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
A dataset that splits the elements of its input into multiple elements.
unbatchDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, UnbatchDataset.Options...) - Method in class org.tensorflow.op.DataOps
A dataset that splits the elements of its input into multiple elements.
UnbatchDataset - Class in org.tensorflow.op.data.experimental
A dataset that splits the elements of its input into multiple elements.
UnbatchDataset - Class in org.tensorflow.op.data
A dataset that splits the elements of its input into multiple elements.
UnbatchDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.UnbatchDataset
 
UnbatchDataset(Operation) - Constructor for class org.tensorflow.op.data.UnbatchDataset
 
UnbatchDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
UnbatchDataset.Inputs - Class in org.tensorflow.op.data
 
UnbatchDataset.Options - Class in org.tensorflow.op.data
Optional attributes for UnbatchDataset
unbatchedTensor() - Method in class org.tensorflow.op.core.Unbatch
Gets unbatchedTensor.
unbatchGrad(Operand<T>, Operand<TInt64>, Operand<T>, Operand<TInt64>, UnbatchGrad.Options...) - Method in class org.tensorflow.op.Ops
Gradient of Unbatch.
UnbatchGrad<T extends TType> - Class in org.tensorflow.op.core
Gradient of Unbatch.
UnbatchGrad(Operation) - Constructor for class org.tensorflow.op.core.UnbatchGrad
 
UnbatchGrad.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
UnbatchGrad.Options - Class in org.tensorflow.op.core
Optional attributes for UnbatchGrad
uncompress - Variable in class org.tensorflow.op.data.DataServiceDataset.Inputs
The uncompress attribute
uncompress(Boolean) - Method in class org.tensorflow.op.data.DataServiceDataset.Options
Sets the uncompress option.
uncompress(Boolean) - Static method in class org.tensorflow.op.data.DataServiceDataset
Sets the uncompress option.
uncompressElement(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
Uncompresses a compressed dataset element.
UncompressElement - Class in org.tensorflow.op.data
Uncompresses a compressed dataset element.
UncompressElement(Operation) - Constructor for class org.tensorflow.op.data.UncompressElement
 
UncompressElement.Inputs - Class in org.tensorflow.op.data
 
unicodeDecode(Operand<TString>, String, Class<T>, UnicodeDecode.Options...) - Method in class org.tensorflow.op.StringsOps
Decodes each string in input into a sequence of Unicode code points.
unicodeDecode(Operand<TString>, String, UnicodeDecode.Options[]) - Method in class org.tensorflow.op.StringsOps
Decodes each string in input into a sequence of Unicode code points.
UnicodeDecode<T extends TNumber> - Class in org.tensorflow.op.strings
Decodes each string in input into a sequence of Unicode code points.
UnicodeDecode(Operation) - Constructor for class org.tensorflow.op.strings.UnicodeDecode
 
UnicodeDecode.Inputs - Class in org.tensorflow.op.strings
 
UnicodeDecode.Options - Class in org.tensorflow.op.strings
Optional attributes for UnicodeDecode
unicodeDecodeWithOffsets(Operand<TString>, String, Class<T>, UnicodeDecodeWithOffsets.Options...) - Method in class org.tensorflow.op.StringsOps
Decodes each string in input into a sequence of Unicode code points.
unicodeDecodeWithOffsets(Operand<TString>, String, UnicodeDecodeWithOffsets.Options[]) - Method in class org.tensorflow.op.StringsOps
Decodes each string in input into a sequence of Unicode code points.
UnicodeDecodeWithOffsets<T extends TNumber> - Class in org.tensorflow.op.strings
Decodes each string in input into a sequence of Unicode code points.
UnicodeDecodeWithOffsets(Operation) - Constructor for class org.tensorflow.op.strings.UnicodeDecodeWithOffsets
 
UnicodeDecodeWithOffsets.Inputs - Class in org.tensorflow.op.strings
 
UnicodeDecodeWithOffsets.Options - Class in org.tensorflow.op.strings
Optional attributes for UnicodeDecodeWithOffsets
unicodeEncode(Operand<TInt32>, Operand<? extends TNumber>, String, UnicodeEncode.Options...) - Method in class org.tensorflow.op.StringsOps
Encode a tensor of ints into unicode strings.
UnicodeEncode - Class in org.tensorflow.op.strings
Encode a tensor of ints into unicode strings.
UnicodeEncode(Operation) - Constructor for class org.tensorflow.op.strings.UnicodeEncode
 
UnicodeEncode.Inputs - Class in org.tensorflow.op.strings
 
UnicodeEncode.Options - Class in org.tensorflow.op.strings
Optional attributes for UnicodeEncode
unicodeScript(Operand<TInt32>) - Method in class org.tensorflow.op.StringsOps
Determine the script codes of a given tensor of Unicode integer code points.
UnicodeScript - Class in org.tensorflow.op.strings
Determine the script codes of a given tensor of Unicode integer code points.
UnicodeScript(Operation) - Constructor for class org.tensorflow.op.strings.UnicodeScript
 
UnicodeScript.Inputs - Class in org.tensorflow.op.strings
 
unicodeTranscode(Operand<TString>, String, String, UnicodeTranscode.Options...) - Method in class org.tensorflow.op.StringsOps
Transcode the input text from a source encoding to a destination encoding.
UnicodeTranscode - Class in org.tensorflow.op.strings
Transcode the input text from a source encoding to a destination encoding.
UnicodeTranscode(Operation) - Constructor for class org.tensorflow.op.strings.UnicodeTranscode
 
UnicodeTranscode.Inputs - Class in org.tensorflow.op.strings
 
UnicodeTranscode.Options - Class in org.tensorflow.op.strings
Optional attributes for UnicodeTranscode
uniformCandidateSampler(Operand<TInt64>, Long, Long, Boolean, Long, UniformCandidateSampler.Options...) - Method in class org.tensorflow.op.RandomOps
Generates labels for candidate sampling with a uniform distribution.
UniformCandidateSampler - Class in org.tensorflow.op.random
Generates labels for candidate sampling with a uniform distribution.
UniformCandidateSampler(Operation) - Constructor for class org.tensorflow.op.random.UniformCandidateSampler
 
UniformCandidateSampler.Inputs - Class in org.tensorflow.op.random
 
UniformCandidateSampler.Options - Class in org.tensorflow.op.random
Optional attributes for UniformCandidateSampler
uniformDequantize(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, UniformDequantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
Perform dequantization on the quantized Tensor input.
UniformDequantize<U extends TNumber> - Class in org.tensorflow.op.quantization
Perform dequantization on the quantized Tensor input.
UniformDequantize(Operation) - Constructor for class org.tensorflow.op.quantization.UniformDequantize
 
UniformDequantize.Inputs - Class in org.tensorflow.op.quantization
 
UniformDequantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for UniformDequantize
uniformNoise - Variable in class org.tensorflow.op.image.ExtractGlimpse.Inputs
indicates if the noise should be generated using a uniform distribution or a Gaussian distribution.
uniformNoise(Boolean) - Method in class org.tensorflow.op.image.ExtractGlimpse.Options
Sets the uniformNoise option.
uniformNoise(Boolean) - Static method in class org.tensorflow.op.image.ExtractGlimpse
Sets the uniformNoise option.
uniformQuantize(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, UniformQuantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
Perform quantization on Tensor input.
UniformQuantize<U extends TNumber> - Class in org.tensorflow.op.quantization
Perform quantization on Tensor input.
UniformQuantize(Operation) - Constructor for class org.tensorflow.op.quantization.UniformQuantize
 
UniformQuantize.Inputs - Class in org.tensorflow.op.quantization
 
UniformQuantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for UniformQuantize
uniformQuantizedAdd(Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Long, Long, Long, Long, Long, Long, UniformQuantizedAdd.Options...) - Method in class org.tensorflow.op.MathOps
Perform quantized add of quantized Tensor lhs and quantized Tensor rhs to make quantized output.
UniformQuantizedAdd<T extends TNumber> - Class in org.tensorflow.op.math
Perform quantized add of quantized Tensor lhs and quantized Tensor rhs to make quantized output.
UniformQuantizedAdd(Operation) - Constructor for class org.tensorflow.op.math.UniformQuantizedAdd
 
UniformQuantizedAdd.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
UniformQuantizedAdd.Options - Class in org.tensorflow.op.math
Optional attributes for UniformQuantizedAdd
uniformQuantizedClipByValue(Operand<T>, Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Long, Long, UniformQuantizedClipByValue.Options...) - Method in class org.tensorflow.op.Ops
Perform clip by value on the quantized Tensor operand.
UniformQuantizedClipByValue<T extends TNumber> - Class in org.tensorflow.op.core
Perform clip by value on the quantized Tensor operand.
UniformQuantizedClipByValue(Operation) - Constructor for class org.tensorflow.op.core.UniformQuantizedClipByValue
 
UniformQuantizedClipByValue.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
UniformQuantizedClipByValue.Options - Class in org.tensorflow.op.core
Optional attributes for UniformQuantizedClipByValue
uniformQuantizedConvolution(Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Class<U>, String, Long, Long, Long, Long, Long, Long, UniformQuantizedConvolution.Options...) - Method in class org.tensorflow.op.NnOps
Perform quantized convolution of quantized Tensor lhs and quantized Tensor rhs.
UniformQuantizedConvolution<U extends TNumber> - Class in org.tensorflow.op.nn
Perform quantized convolution of quantized Tensor lhs and quantized Tensor rhs.
UniformQuantizedConvolution(Operation) - Constructor for class org.tensorflow.op.nn.UniformQuantizedConvolution
 
UniformQuantizedConvolution.Inputs<T extends TNumber> - Class in org.tensorflow.op.nn
 
UniformQuantizedConvolution.Options - Class in org.tensorflow.op.nn
Optional attributes for UniformQuantizedConvolution
uniformQuantizedConvolutionHybrid(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<V>, String, Long, Long, UniformQuantizedConvolutionHybrid.Options...) - Method in class org.tensorflow.op.NnOps
Perform hybrid quantized convolution of float Tensor lhs and quantized Tensor rhs.
UniformQuantizedConvolutionHybrid<V extends TNumber> - Class in org.tensorflow.op.nn
Perform hybrid quantized convolution of float Tensor lhs and quantized Tensor rhs.
UniformQuantizedConvolutionHybrid(Operation) - Constructor for class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
 
UniformQuantizedConvolutionHybrid.Inputs - Class in org.tensorflow.op.nn
 
UniformQuantizedConvolutionHybrid.Options - Class in org.tensorflow.op.nn
Optional attributes for UniformQuantizedConvolutionHybrid
uniformQuantizedDot(Operand<T>, Operand<T>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, Long, Long, Long, Long, UniformQuantizedDot.Options...) - Method in class org.tensorflow.op.QuantizationOps
Perform quantized dot of quantized Tensor lhs and quantized Tensor rhs to make quantized output.
UniformQuantizedDot<U extends TNumber> - Class in org.tensorflow.op.quantization
Perform quantized dot of quantized Tensor lhs and quantized Tensor rhs to make quantized output.
UniformQuantizedDot(Operation) - Constructor for class org.tensorflow.op.quantization.UniformQuantizedDot
 
UniformQuantizedDot.Inputs<T extends TNumber> - Class in org.tensorflow.op.quantization
 
UniformQuantizedDot.Options - Class in org.tensorflow.op.quantization
Optional attributes for UniformQuantizedDot
uniformQuantizedDotHybrid(Operand<? extends TNumber>, Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Class<V>, Long, Long, UniformQuantizedDotHybrid.Options...) - Method in class org.tensorflow.op.QuantizationOps
Perform hybrid quantized dot of float Tensor lhs and quantized Tensor rhs.
UniformQuantizedDotHybrid<V extends TNumber> - Class in org.tensorflow.op.quantization
Perform hybrid quantized dot of float Tensor lhs and quantized Tensor rhs.
UniformQuantizedDotHybrid(Operation) - Constructor for class org.tensorflow.op.quantization.UniformQuantizedDotHybrid
 
UniformQuantizedDotHybrid.Inputs - Class in org.tensorflow.op.quantization
 
UniformQuantizedDotHybrid.Options - Class in org.tensorflow.op.quantization
Optional attributes for UniformQuantizedDotHybrid
uniformRequantize(Operand<? extends TNumber>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TInt32>, Class<U>, Long, Long, Long, Long, UniformRequantize.Options...) - Method in class org.tensorflow.op.QuantizationOps
Given quantized tensor input, requantize it with new quantization parameters.
UniformRequantize<U extends TNumber> - Class in org.tensorflow.op.quantization
Given quantized tensor input, requantize it with new quantization parameters.
UniformRequantize(Operation) - Constructor for class org.tensorflow.op.quantization.UniformRequantize
 
UniformRequantize.Inputs - Class in org.tensorflow.op.quantization
 
UniformRequantize.Options - Class in org.tensorflow.op.quantization
Optional attributes for UniformRequantize
unigrams - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
A list of unigram counts or probabilities, one per ID in sequential order.
unigrams(Float...) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the unigrams option.
unigrams(Float...) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the unigrams option.
unigrams(List<Float>) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the unigrams option.
unigrams(List<Float>) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the unigrams option.
unique - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
If unique is true, we sample with rejection, so that all sampled candidates in a batch are unique.
unique - Variable in class org.tensorflow.op.nn.LearnedUnigramCandidateSampler.Inputs
If unique is true, we sample with rejection, so that all sampled candidates in a batch are unique.
unique - Variable in class org.tensorflow.op.random.AllCandidateSampler.Inputs
If unique is true, we sample with rejection, so that all sampled candidates in a batch are unique.
unique - Variable in class org.tensorflow.op.random.LogUniformCandidateSampler.Inputs
If unique is true, we sample with rejection, so that all sampled candidates in a batch are unique.
unique - Variable in class org.tensorflow.op.random.ThreadUnsafeUnigramCandidateSampler.Inputs
If unique is true, we sample with rejection, so that all sampled candidates in a batch are unique.
unique - Variable in class org.tensorflow.op.random.UniformCandidateSampler.Inputs
If unique is true, we sample with rejection, so that all sampled candidates in a batch are unique.
unique(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Finds unique elements along an axis of a tensor.
unique(Operand<T>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.Ops
Finds unique elements along an axis of a tensor.
Unique<T extends TType,V extends TNumber> - Class in org.tensorflow.op.core
Finds unique elements along an axis of a tensor.
Unique(Operation) - Constructor for class org.tensorflow.op.core.Unique
 
Unique.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
uniqueDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataExperimentalOps
Creates a dataset that contains the unique elements of input_dataset.
uniqueDataset(Operand<? extends TType>, List<Class<? extends TType>>, List<Shape>, UniqueDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that contains the unique elements of input_dataset.
UniqueDataset - Class in org.tensorflow.op.data.experimental
Creates a dataset that contains the unique elements of input_dataset.
UniqueDataset - Class in org.tensorflow.op.data
Creates a dataset that contains the unique elements of input_dataset.
UniqueDataset(Operation) - Constructor for class org.tensorflow.op.data.experimental.UniqueDataset
 
UniqueDataset(Operation) - Constructor for class org.tensorflow.op.data.UniqueDataset
 
UniqueDataset.Inputs - Class in org.tensorflow.op.data.experimental
 
UniqueDataset.Inputs - Class in org.tensorflow.op.data
 
UniqueDataset.Options - Class in org.tensorflow.op.data
Optional attributes for UniqueDataset
uniqueWithCounts(Operand<T>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.Ops
Finds unique elements along an axis of a tensor.
uniqueWithCounts(Operand<T>, Operand<? extends TNumber>, Class<V>) - Method in class org.tensorflow.op.Ops
Finds unique elements along an axis of a tensor.
UniqueWithCounts<T extends TType,V extends TNumber> - Class in org.tensorflow.op.core
Finds unique elements along an axis of a tensor.
UniqueWithCounts(Operation) - Constructor for class org.tensorflow.op.core.UniqueWithCounts
 
UniqueWithCounts.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
unit - Variable in class org.tensorflow.op.strings.StringLength.Inputs
The unit that is counted to compute string length.
unit - Variable in class org.tensorflow.op.strings.Substr.Inputs
The unit that is used to create the substring.
unit(String) - Method in class org.tensorflow.op.strings.StringLength.Options
Sets the unit option.
unit(String) - Static method in class org.tensorflow.op.strings.StringLength
Sets the unit option.
unit(String) - Method in class org.tensorflow.op.strings.Substr.Options
Sets the unit option.
unit(String) - Static method in class org.tensorflow.op.strings.Substr
Sets the unit option.
unitsCompleted() - Method in class org.tensorflow.op.io.ReaderNumWorkUnitsCompleted
Gets unitsCompleted.
unpaddedSizes - Variable in class org.tensorflow.op.tpu.TPUCopyWithDynamicShape.Inputs
The unpaddedSizes input
unravelIndex(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Converts an array of flat indices into a tuple of coordinate arrays.
UnravelIndex<T extends TNumber> - Class in org.tensorflow.op.core
Converts an array of flat indices into a tuple of coordinate arrays.
UnravelIndex(Operation) - Constructor for class org.tensorflow.op.core.UnravelIndex
 
UnravelIndex.Inputs<T extends TNumber> - Class in org.tensorflow.op.core
 
unsortedSegmentJoin(Operand<TString>, Operand<? extends TNumber>, Operand<? extends TNumber>, UnsortedSegmentJoin.Options...) - Method in class org.tensorflow.op.StringsOps
The UnsortedSegmentJoin operation
UnsortedSegmentJoin - Class in org.tensorflow.op.strings
The UnsortedSegmentJoin operation
UnsortedSegmentJoin(Operation) - Constructor for class org.tensorflow.op.strings.UnsortedSegmentJoin
 
UnsortedSegmentJoin.Inputs - Class in org.tensorflow.op.strings
 
UnsortedSegmentJoin.Options - Class in org.tensorflow.op.strings
Optional attributes for UnsortedSegmentJoin
unsortedSegmentMax(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the maximum along segments of a tensor.
UnsortedSegmentMax<T extends TNumber> - Class in org.tensorflow.op.math
Computes the maximum along segments of a tensor.
UnsortedSegmentMax(Operation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentMax
 
UnsortedSegmentMax.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
unsortedSegmentMin(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the minimum along segments of a tensor.
UnsortedSegmentMin<T extends TNumber> - Class in org.tensorflow.op.math
Computes the minimum along segments of a tensor.
UnsortedSegmentMin(Operation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentMin
 
UnsortedSegmentMin.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
unsortedSegmentProd(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the product along segments of a tensor.
UnsortedSegmentProd<T extends TType> - Class in org.tensorflow.op.math
Computes the product along segments of a tensor.
UnsortedSegmentProd(Operation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentProd
 
UnsortedSegmentProd.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
unsortedSegmentSum(Operand<T>, Operand<? extends TNumber>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.MathOps
Computes the sum along segments of a tensor.
UnsortedSegmentSum<T extends TType> - Class in org.tensorflow.op.math
Computes the sum along segments of a tensor.
UnsortedSegmentSum(Operation) - Constructor for class org.tensorflow.op.math.UnsortedSegmentSum
 
UnsortedSegmentSum.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
unstack(Operand<T>, Long, Unstack.Options...) - Method in class org.tensorflow.op.Ops
Unpacks a given dimension of a rank-R tensor into num rank-(R-1) tensors.
Unstack<T extends TType> - Class in org.tensorflow.op.core
Unpacks a given dimension of a rank-R tensor into num rank-(R-1) tensors.
Unstack(Operation) - Constructor for class org.tensorflow.op.core.Unstack
 
Unstack.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
Unstack.Options - Class in org.tensorflow.op.core
Optional attributes for Unstack
unstage(List<Class<? extends TType>>, Unstage.Options...) - Method in class org.tensorflow.op.Ops
Op is similar to a lightweight Dequeue.
Unstage - Class in org.tensorflow.op.core
Op is similar to a lightweight Dequeue.
Unstage(Operation) - Constructor for class org.tensorflow.op.core.Unstage
 
Unstage.Inputs - Class in org.tensorflow.op.core
 
Unstage.Options - Class in org.tensorflow.op.core
Optional attributes for Unstage
unwrapDatasetVariant(Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
The UnwrapDatasetVariant operation
UnwrapDatasetVariant - Class in org.tensorflow.op.data
The UnwrapDatasetVariant operation
UnwrapDatasetVariant(Operation) - Constructor for class org.tensorflow.op.data.UnwrapDatasetVariant
 
UnwrapDatasetVariant.Inputs - Class in org.tensorflow.op.data
 
updatedAccumulator() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdagrad
Gets updatedAccumulator.
updatedAccumulator() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum
Gets updatedAccumulator.
updatedAccumulator() - Method in class org.tensorflow.op.xla.XlaSparseCoreFtrl
Gets updatedAccumulator.
updatedAccumulator() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput
Gets updatedAccumulator.
updatedAccumulator() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
Gets updatedAccumulator.
updatedAccumulator() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
Gets updatedAccumulator.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdagrad
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdam
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseCoreFtrl
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseCoreSgd
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
Gets updatedEmbeddingTable.
updatedEmbeddingTable() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput
Gets updatedEmbeddingTable.
updatedLinear() - Method in class org.tensorflow.op.xla.XlaSparseCoreFtrl
Gets updatedLinear.
updatedLinear() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
Gets updatedLinear.
updatedMomenta() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
Gets updatedMomenta.
updatedMomenta() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
Gets updatedMomenta.
updatedMomentum() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum
Gets updatedMomentum.
updatedMomentum() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdam
Gets updatedMomentum.
updatedVelocity() - Method in class org.tensorflow.op.xla.XlaSparseCoreAdam
Gets updatedVelocity.
updatedVelocity() - Method in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
Gets updatedVelocity.
updates - Variable in class org.tensorflow.op.core.ResourceScatterAdd.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ResourceScatterDiv.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ResourceScatterMax.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ResourceScatterMin.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ResourceScatterMul.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ResourceScatterNdAdd.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ResourceScatterNdMax.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ResourceScatterNdMin.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ResourceScatterNdSub.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ResourceScatterNdUpdate.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ResourceScatterSub.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ResourceScatterUpdate.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ScatterAdd.Inputs
A tensor of updated values to add to ref.
updates - Variable in class org.tensorflow.op.core.ScatterDiv.Inputs
A tensor of values that ref is divided by.
updates - Variable in class org.tensorflow.op.core.ScatterMax.Inputs
A tensor of updated values to reduce into ref.
updates - Variable in class org.tensorflow.op.core.ScatterMin.Inputs
A tensor of updated values to reduce into ref.
updates - Variable in class org.tensorflow.op.core.ScatterMul.Inputs
A tensor of updated values to multiply to ref.
updates - Variable in class org.tensorflow.op.core.ScatterNd.Inputs
Values to scatter into the output tensor.
updates - Variable in class org.tensorflow.op.core.ScatterNdAdd.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ScatterNdMax.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ScatterNdMin.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ScatterNdNonAliasingAdd.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ScatterNdSub.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ScatterNdUpdate.Inputs
A Tensor.
updates - Variable in class org.tensorflow.op.core.ScatterSub.Inputs
A tensor of updated values to subtract from ref.
updates - Variable in class org.tensorflow.op.core.ScatterUpdate.Inputs
A tensor of updated values to store in ref.
updates - Variable in class org.tensorflow.op.core.TensorScatterNdAdd.Inputs
Updates to scatter into output.
updates - Variable in class org.tensorflow.op.core.TensorScatterNdMax.Inputs
Updates to scatter into output.
updates - Variable in class org.tensorflow.op.core.TensorScatterNdMin.Inputs
Updates to scatter into output.
updates - Variable in class org.tensorflow.op.core.TensorScatterNdSub.Inputs
Updates to scatter into output.
updates - Variable in class org.tensorflow.op.core.TensorScatterNdUpdate.Inputs
Updates to scatter into output.
updates - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingAdadeltaParameters.Inputs
Value of updates used in the Adadelta optimization algorithm.
updates() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingAdadeltaParameters
Gets updates.
updateSlots - Variable in class org.tensorflow.op.train.ApplyAdagrad.Inputs
The updateSlots attribute
updateSlots - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
The updateSlots attribute
updateSlots - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
The updateSlots attribute
updateSlots - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
The updateSlots attribute
updateSlots - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
The updateSlots attribute
updateSlots - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
The updateSlots attribute
updateSlots(Boolean) - Method in class org.tensorflow.op.train.ApplyAdagrad.Options
Sets the updateSlots option.
updateSlots(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdagrad
Sets the updateSlots option.
updateSlots(Boolean) - Method in class org.tensorflow.op.train.ApplyAdagradV2.Options
Sets the updateSlots option.
updateSlots(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdagradV2
Sets the updateSlots option.
updateSlots(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdagrad.Options
Sets the updateSlots option.
updateSlots(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdagrad
Sets the updateSlots option.
updateSlots(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Options
Sets the updateSlots option.
updateSlots(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagrad
Sets the updateSlots option.
updateSlots(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Options
Sets the updateSlots option.
updateSlots(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2
Sets the updateSlots option.
updateSlots(Boolean) - Method in class org.tensorflow.op.train.SparseApplyAdagrad.Options
Sets the updateSlots option.
updateSlots(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyAdagrad
Sets the updateSlots option.
upper(Operand<TString>, Upper.Options...) - Method in class org.tensorflow.op.StringsOps
Converts all lowercase characters into their respective uppercase replacements.
Upper - Class in org.tensorflow.op.strings
Converts all lowercase characters into their respective uppercase replacements.
Upper(Operation) - Constructor for class org.tensorflow.op.strings.Upper
 
Upper.Inputs - Class in org.tensorflow.op.strings
 
Upper.Options - Class in org.tensorflow.op.strings
Optional attributes for Upper
upperBound(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.Ops
Applies upper_bound(sorted_search_values, values) along each row.
upperBound(Operand<T>, Operand<T>, Class<U>) - Method in class org.tensorflow.op.Ops
Applies upper_bound(sorted_search_values, values) along each row.
UpperBound<U extends TNumber> - Class in org.tensorflow.op.core
Applies upper_bound(sorted_search_values, values) along each row.
UpperBound(Operation) - Constructor for class org.tensorflow.op.core.UpperBound
 
UpperBound.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
upperFrequencyLimit - Variable in class org.tensorflow.op.audio.Mfcc.Inputs
The highest frequency to use when calculating the ceptstrum.
upperFrequencyLimit(Float) - Method in class org.tensorflow.op.audio.Mfcc.Options
Sets the upperFrequencyLimit option.
upperFrequencyLimit(Float) - Static method in class org.tensorflow.op.audio.Mfcc
Sets the upperFrequencyLimit option.
useCudnnOnGpu - Variable in class org.tensorflow.op.nn.Conv2d.Inputs
The useCudnnOnGpu attribute
useCudnnOnGpu - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilter.Inputs
The useCudnnOnGpu attribute
useCudnnOnGpu - Variable in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Inputs
The useCudnnOnGpu attribute
useCudnnOnGpu - Variable in class org.tensorflow.op.nn.Conv2dBackpropInput.Inputs
The useCudnnOnGpu attribute
useCudnnOnGpu - Variable in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Inputs
The useCudnnOnGpu attribute
useCudnnOnGpu(Boolean) - Method in class org.tensorflow.op.nn.Conv2d.Options
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Static method in class org.tensorflow.op.nn.Conv2d
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilter.Options
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilter
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2.Options
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Static method in class org.tensorflow.op.nn.Conv2dBackpropFilterV2
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Method in class org.tensorflow.op.nn.Conv2dBackpropInput.Options
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInput
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Method in class org.tensorflow.op.nn.Conv2dBackpropInputV2.Options
Sets the useCudnnOnGpu option.
useCudnnOnGpu(Boolean) - Static method in class org.tensorflow.op.nn.Conv2dBackpropInputV2
Sets the useCudnnOnGpu option.
useDefaultDevice - Variable in class org.tensorflow.op.data.ScanDataset.Inputs
The useDefaultDevice attribute
useDefaultDevice(Boolean) - Method in class org.tensorflow.op.data.ScanDataset.Options
Sets the useDefaultDevice option.
useDefaultDevice(Boolean) - Static method in class org.tensorflow.op.data.ScanDataset
Sets the useDefaultDevice option.
useFallback - Variable in class org.tensorflow.op.data.experimental.RebatchDataset.Inputs
The useFallback attribute
useFallback(Boolean) - Method in class org.tensorflow.op.data.experimental.RebatchDataset.Options
Sets the useFallback option.
useFallback(Boolean) - Static method in class org.tensorflow.op.data.experimental.RebatchDataset
Sets the useFallback option.
useImageIfNoBoundingBoxes - Variable in class org.tensorflow.op.image.SampleDistortedBoundingBox.Inputs
Controls behavior if no bounding boxes supplied.
useImageIfNoBoundingBoxes - Variable in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Inputs
Controls behavior if no bounding boxes supplied.
useImageIfNoBoundingBoxes(Boolean) - Method in class org.tensorflow.op.image.SampleDistortedBoundingBox.Options
Sets the useImageIfNoBoundingBoxes option.
useImageIfNoBoundingBoxes(Boolean) - Static method in class org.tensorflow.op.image.SampleDistortedBoundingBox
Sets the useImageIfNoBoundingBoxes option.
useImageIfNoBoundingBoxes(Boolean) - Method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox.Options
Sets the useImageIfNoBoundingBoxes option.
useImageIfNoBoundingBoxes(Boolean) - Static method in class org.tensorflow.op.image.StatelessSampleDistortedBoundingBox
Sets the useImageIfNoBoundingBoxes option.
useInterOpParallelism - Variable in class org.tensorflow.op.data.experimental.MapDataset.Inputs
The useInterOpParallelism attribute
useInterOpParallelism - Variable in class org.tensorflow.op.data.MapDataset.Inputs
The useInterOpParallelism attribute
useInterOpParallelism - Variable in class org.tensorflow.op.data.ParallelMapDataset.Inputs
The useInterOpParallelism attribute
useInterOpParallelism - Variable in class org.tensorflow.op.data.ReduceDataset.Inputs
The useInterOpParallelism attribute
useInterOpParallelism(Boolean) - Method in class org.tensorflow.op.data.experimental.MapDataset.Options
Sets the useInterOpParallelism option.
useInterOpParallelism(Boolean) - Static method in class org.tensorflow.op.data.experimental.MapDataset
Sets the useInterOpParallelism option.
useInterOpParallelism(Boolean) - Method in class org.tensorflow.op.data.MapDataset.Options
Sets the useInterOpParallelism option.
useInterOpParallelism(Boolean) - Static method in class org.tensorflow.op.data.MapDataset
Sets the useInterOpParallelism option.
useInterOpParallelism(Boolean) - Method in class org.tensorflow.op.data.ParallelMapDataset.Options
Sets the useInterOpParallelism option.
useInterOpParallelism(Boolean) - Static method in class org.tensorflow.op.data.ParallelMapDataset
Sets the useInterOpParallelism option.
useInterOpParallelism(Boolean) - Method in class org.tensorflow.op.data.ReduceDataset.Options
Sets the useInterOpParallelism option.
useInterOpParallelism(Boolean) - Static method in class org.tensorflow.op.data.ReduceDataset
Sets the useInterOpParallelism option.
useLocking - Variable in class org.tensorflow.op.core.Assign.Inputs
If True, the assignment will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.AssignAdd.Inputs
If True, the addition will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.AssignSub.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.ResourceScatterNdAdd.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ResourceScatterNdMax.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ResourceScatterNdMin.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ResourceScatterNdSub.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ResourceScatterNdUpdate.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ScatterAdd.Inputs
If True, the addition will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.ScatterDiv.Inputs
If True, the operation will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.ScatterMax.Inputs
If True, the update will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.ScatterMin.Inputs
If True, the update will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.ScatterMul.Inputs
If True, the operation will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.ScatterNdAdd.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ScatterNdMax.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ScatterNdMin.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ScatterNdSub.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ScatterNdUpdate.Inputs
An optional bool.
useLocking - Variable in class org.tensorflow.op.core.ScatterSub.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.core.ScatterUpdate.Inputs
If True, the assignment will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
If True, updating of the var, accum and update_accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
If True, updating of the var, m, and v tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
If True, updating of the var, m, and v tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
If True, updating of the var and m tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
If True, updating of the var, mg, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyGradientDescent.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
If True, updating of the var and m tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
If True, updating of the var, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
If True, updating of the var, accum and update_accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
If True, updating of the var, m, and v tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
If True, updating of the var, m, and v tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
If True, updating of the var, m, and v tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
If True, updating of the var and m tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
If True, updating of the var, mg, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyGradientDescent.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
If True, updating of the var and m tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
If True, updating of the var, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
If True, updating of the var, mg, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
If True, updating of the var, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
If True, updating of the var, mg, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
If True, updating of the var and accum tensors will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
If True, the subtraction will be protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
If True, updating of the var, ms, and mom tensors is protected by a lock; otherwise the behavior is undefined, but may exhibit less contention.
useLocking(Boolean) - Method in class org.tensorflow.op.core.Assign.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.Assign
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.AssignAdd.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.AssignAdd
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.AssignSub.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.AssignSub
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ResourceScatterNdAdd.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ResourceScatterNdAdd
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ResourceScatterNdMax.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ResourceScatterNdMax
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ResourceScatterNdMin.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ResourceScatterNdMin
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ResourceScatterNdSub.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ResourceScatterNdSub
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ResourceScatterNdUpdate.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ResourceScatterNdUpdate
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterAdd.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterAdd
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterDiv.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterDiv
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterMax.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterMax
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterMin.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterMin
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterMul.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterMul
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterNdAdd.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterNdAdd
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterNdMax.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterNdMax
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterNdMin.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterNdMin
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterNdSub.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterNdSub
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterNdUpdate.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterNdUpdate
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterSub.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterSub
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.core.ScatterUpdate.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.core.ScatterUpdate
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyAdadelta.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdadelta
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyAdagradDa.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdagradDa
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyAdagradV2.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdagradV2
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyAdam.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdam
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyAdaMax.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdaMax
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyAddSign.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyAddSign
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyCenteredRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyCenteredRmsProp
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyFtrl.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyFtrl
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyGradientDescent.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyGradientDescent
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyMomentum.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyMomentum
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyPowerSign.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyPowerSign
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyProximalAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyProximalAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyProximalGradientDescent.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyProximalGradientDescent
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ApplyRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ApplyRmsProp
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdadelta.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdadelta
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdagradDa.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdagradDa
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdam.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdam
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdaMax.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdaMax
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAddSign.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAddSign
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyFtrl.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyFtrl
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyGradientDescent.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyGradientDescent
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyKerasMomentum
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyMomentum.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyMomentum
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyPowerSign.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyPowerSign
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyProximalAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyRmsProp
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdadelta
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyFtrl
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyMomentum
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyRmsProp
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyAdadelta.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyAdadelta
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyAdagradDa.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyAdagradDa
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyCenteredRmsProp
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyFtrl.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyFtrl
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyMomentum.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyMomentum
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyProximalAdagrad
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyProximalGradientDescent
Sets the useLocking option.
useLocking(Boolean) - Method in class org.tensorflow.op.train.SparseApplyRmsProp.Options
Sets the useLocking option.
useLocking(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyRmsProp
Sets the useLocking option.
useNesterov - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
If True, uses the nesterov update.
useNesterov - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
If True, the tensor passed to compute grad will be var - lr * momentum * accum, so in the end, the var you get is actually var - lr * momentum * accum.
useNesterov - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
If True, uses the nesterov update.
useNesterov - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
If True, the tensor passed to compute grad will be var + momentum * accum, so in the end, the var you get is actually var + momentum * accum.
useNesterov - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
If True, the tensor passed to compute grad will be var - lr * momentum * accum, so in the end, the var you get is actually var - lr * momentum * accum.
useNesterov - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
If True, the tensor passed to compute grad will be var + momentum * accum, so in the end, the var you get is actually var + momentum * accum.
useNesterov - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
If True, the tensor passed to compute grad will be var - lr * momentum * accum, so in the end, the var you get is actually var - lr * momentum * accum.
useNesterov - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
If True, the tensor passed to compute grad will be var - lr * momentum * accum, so in the end, the var you get is actually var - lr * momentum * accum.
useNesterov - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum.Inputs
The useNesterov attribute
useNesterov - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs
The useNesterov attribute
useNesterov(Boolean) - Method in class org.tensorflow.op.train.ApplyAdam.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.ApplyAdam
Sets the useNesterov option.
useNesterov(Boolean) - Method in class org.tensorflow.op.train.ApplyMomentum.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.ApplyMomentum
Sets the useNesterov option.
useNesterov(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyAdam.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyAdam
Sets the useNesterov option.
useNesterov(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyKerasMomentum
Sets the useNesterov option.
useNesterov(Boolean) - Method in class org.tensorflow.op.train.ResourceApplyMomentum.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.ResourceApplyMomentum
Sets the useNesterov option.
useNesterov(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum
Sets the useNesterov option.
useNesterov(Boolean) - Method in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.ResourceSparseApplyMomentum
Sets the useNesterov option.
useNesterov(Boolean) - Method in class org.tensorflow.op.train.SparseApplyMomentum.Options
Sets the useNesterov option.
useNesterov(Boolean) - Static method in class org.tensorflow.op.train.SparseApplyMomentum
Sets the useNesterov option.
useNodeNameSharing - Variable in class org.tensorflow.op.core.HashTable.Inputs
If true and shared_name is empty, the table is shared using the node name.
useNodeNameSharing - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
The useNodeNameSharing attribute
useNodeNameSharing - Variable in class org.tensorflow.op.core.MutableHashTable.Inputs
If true and shared_name is empty, the table is shared using the node name.
useNodeNameSharing - Variable in class org.tensorflow.op.core.MutableHashTableOfTensors.Inputs
The useNodeNameSharing attribute
useNodeNameSharing(Boolean) - Method in class org.tensorflow.op.core.HashTable.Options
Sets the useNodeNameSharing option.
useNodeNameSharing(Boolean) - Static method in class org.tensorflow.op.core.HashTable
Sets the useNodeNameSharing option.
useNodeNameSharing(Boolean) - Method in class org.tensorflow.op.core.MutableDenseHashTable.Options
Sets the useNodeNameSharing option.
useNodeNameSharing(Boolean) - Static method in class org.tensorflow.op.core.MutableDenseHashTable
Sets the useNodeNameSharing option.
useNodeNameSharing(Boolean) - Method in class org.tensorflow.op.core.MutableHashTable.Options
Sets the useNodeNameSharing option.
useNodeNameSharing(Boolean) - Static method in class org.tensorflow.op.core.MutableHashTable
Sets the useNodeNameSharing option.
useNodeNameSharing(Boolean) - Method in class org.tensorflow.op.core.MutableHashTableOfTensors.Options
Sets the useNodeNameSharing option.
useNodeNameSharing(Boolean) - Static method in class org.tensorflow.op.core.MutableHashTableOfTensors
Sets the useNodeNameSharing option.
usePeephole - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
Whether to use peephole weights.
usePeephole - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
Whether to use peephole weights.
usePeephole - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
Whether to use peephole weights.
usePeephole - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
Whether the cell uses peephole connections.
usePeephole(Boolean) - Method in class org.tensorflow.op.nn.BlockLSTM.Options
Sets the usePeephole option.
usePeephole(Boolean) - Static method in class org.tensorflow.op.nn.BlockLSTM
Sets the usePeephole option.
usePeephole(Boolean) - Method in class org.tensorflow.op.nn.LSTMBlockCell.Options
Sets the usePeephole option.
usePeephole(Boolean) - Static method in class org.tensorflow.op.nn.LSTMBlockCell
Sets the usePeephole option.
useQuoteDelim - Variable in class org.tensorflow.op.data.CSVDataset.Inputs
The useQuoteDelim input
useQuoteDelim - Variable in class org.tensorflow.op.data.experimental.CSVDataset.Inputs
The useQuoteDelim input
useQuoteDelim - Variable in class org.tensorflow.op.io.DecodeCsv.Inputs
If false, treats double quotation marks as regular characters inside of the string fields (ignoring RFC 4180, Section 2, Bullet 5).
useQuoteDelim(Boolean) - Method in class org.tensorflow.op.io.DecodeCsv.Options
Sets the useQuoteDelim option.
useQuoteDelim(Boolean) - Static method in class org.tensorflow.op.io.DecodeCsv
Sets the useQuoteDelim option.
userName - Variable in class org.tensorflow.op.summary.CreateSummaryDbWriter.Inputs
The userName input
useShardFunc - Variable in class org.tensorflow.op.data.SaveDataset.Inputs
The useShardFunc attribute
useShardFunc(Boolean) - Method in class org.tensorflow.op.data.SaveDataset.Options
Sets the useShardFunc option.
useShardFunc(Boolean) - Static method in class org.tensorflow.op.data.SaveDataset
Sets the useShardFunc option.
useSpmdForXlaPartitioning - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
The useSpmdForXlaPartitioning attribute
useSpmdForXlaPartitioning - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
The useSpmdForXlaPartitioning attribute
useSpmdForXlaPartitioning(Boolean) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the useSpmdForXlaPartitioning option.
useSpmdForXlaPartitioning(Boolean) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the useSpmdForXlaPartitioning option.
useSpmdForXlaPartitioning(Boolean) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the useSpmdForXlaPartitioning option.
useSpmdForXlaPartitioning(Boolean) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the useSpmdForXlaPartitioning option.
useSumInsideSqrt - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The useSumInsideSqrt attribute
useSumInsideSqrt - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The useSumInsideSqrt attribute
useTfrtHostRuntime - Variable in class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU.Inputs
The useTfrtHostRuntime attribute
useTfrtHostRuntime(Boolean) - Method in class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU.Options
Sets the useTfrtHostRuntime option.
useTfrtHostRuntime(Boolean) - Static method in class org.tensorflow.op.tpu.ConfigureAndInitializeGlobalTPU
Sets the useTfrtHostRuntime option.
useTpu - Variable in class org.tensorflow.op.tpu.ReplicateMetadata.Inputs
Whether to place the computation on the TPU.
useTpu - Variable in class org.tensorflow.op.tpu.TPUReplicateMetadata.Inputs
Deprecated.
Whether to place the computation on the TPU.
useTpu(Boolean) - Method in class org.tensorflow.op.tpu.ReplicateMetadata.Options
Sets the useTpu option.
useTpu(Boolean) - Static method in class org.tensorflow.op.tpu.ReplicateMetadata
Sets the useTpu option.
useTpu(Boolean) - Method in class org.tensorflow.op.tpu.TPUReplicateMetadata.Options
Deprecated.
Sets the useTpu option.
useTpu(Boolean) - Static method in class org.tensorflow.op.tpu.TPUReplicateMetadata
Deprecated.
Sets the useTpu option.
using(Charset) - Method in interface org.tensorflow.types.TString
Use a specific charset for decoding data from a string tensor, instead of the default UTF-8.

V

v - Variable in class org.tensorflow.op.core.InplaceAdd.Inputs
A Tensor of type T.
v - Variable in class org.tensorflow.op.core.InplaceSub.Inputs
A Tensor of type T.
v - Variable in class org.tensorflow.op.core.InplaceUpdate.Inputs
A Tensor of type T.
v - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
A 1D variance Tensor with size matching the last dimension of t.
v - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
A 1D variance Tensor with size matching the last dimension of t.
v - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
A 1D variance Tensor with size matching the last dimension of t.
v - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingProximalYogiParameters.Inputs
The v input
v - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Should be from a Variable().
v - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Should be from a Variable().
v - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Should be from a Variable().
v - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Should be from a Variable().
v - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Should be from a Variable().
v() - Method in class org.tensorflow.op.linalg.BatchSelfAdjointEig
Gets v.
v() - Method in class org.tensorflow.op.linalg.BatchSvd
Gets v.
v() - Method in class org.tensorflow.op.linalg.Eig
Gets v.
v() - Method in class org.tensorflow.op.linalg.SelfAdjointEig
Gets v.
v() - Method in class org.tensorflow.op.linalg.Svd
Gets v.
v() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingProximalYogiParameters
Gets v.
valGrad() - Method in class org.tensorflow.op.sparse.SparseSliceGrad
Gets valGrad.
validateDescription(Signature.TensorDescription, Graph, String, String) - Static method in interface org.tensorflow.TensorFunction
 
validateIndices - Variable in class org.tensorflow.op.core.ResourceGather.Inputs
The validateIndices attribute
validateIndices - Variable in class org.tensorflow.op.core.SetSize.Inputs
The validateIndices attribute
validateIndices - Variable in class org.tensorflow.op.sparse.DenseToDenseSetOperation.Inputs
The validateIndices attribute
validateIndices - Variable in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Inputs
The validateIndices attribute
validateIndices - Variable in class org.tensorflow.op.sparse.SparseToDense.Inputs
If true, indices are checked to make sure they are sorted in lexicographic order and that there are no repeats.
validateIndices - Variable in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Inputs
The validateIndices attribute
validateIndices(Boolean) - Method in class org.tensorflow.op.core.ResourceGather.Options
Sets the validateIndices option.
validateIndices(Boolean) - Static method in class org.tensorflow.op.core.ResourceGather
Sets the validateIndices option.
validateIndices(Boolean) - Method in class org.tensorflow.op.core.SetSize.Options
Sets the validateIndices option.
validateIndices(Boolean) - Static method in class org.tensorflow.op.core.SetSize
Sets the validateIndices option.
validateIndices(Boolean) - Method in class org.tensorflow.op.sparse.DenseToDenseSetOperation.Options
Sets the validateIndices option.
validateIndices(Boolean) - Static method in class org.tensorflow.op.sparse.DenseToDenseSetOperation
Sets the validateIndices option.
validateIndices(Boolean) - Method in class org.tensorflow.op.sparse.DenseToSparseSetOperation.Options
Sets the validateIndices option.
validateIndices(Boolean) - Static method in class org.tensorflow.op.sparse.DenseToSparseSetOperation
Sets the validateIndices option.
validateIndices(Boolean) - Method in class org.tensorflow.op.sparse.SparseToDense.Options
Sets the validateIndices option.
validateIndices(Boolean) - Static method in class org.tensorflow.op.sparse.SparseToDense
Sets the validateIndices option.
validateIndices(Boolean) - Method in class org.tensorflow.op.sparse.SparseToSparseSetOperation.Options
Sets the validateIndices option.
validateIndices(Boolean) - Static method in class org.tensorflow.op.sparse.SparseToSparseSetOperation
Sets the validateIndices option.
validateShape - Variable in class org.tensorflow.op.core.Assign.Inputs
If true, the operation will validate that the shape of 'value' matches the shape of the Tensor being assigned to.
validateShape - Variable in class org.tensorflow.op.core.AssignVariableOp.Inputs
The validateShape attribute
validateShape(Boolean) - Method in class org.tensorflow.op.core.Assign.Options
Sets the validateShape option.
validateShape(Boolean) - Static method in class org.tensorflow.op.core.Assign
Sets the validateShape option.
validateShape(Boolean) - Method in class org.tensorflow.op.core.AssignVariableOp.Options
Sets the validateShape option.
validateShape(Boolean) - Static method in class org.tensorflow.op.core.AssignVariableOp
Sets the validateShape option.
validDetections() - Method in class org.tensorflow.op.image.CombinedNonMaxSuppression
Gets validDetections.
validOutputs() - Method in class org.tensorflow.op.image.NonMaxSuppression
Gets validOutputs.
value - Variable in class org.tensorflow.op.core.Assign.Inputs
The value to be assigned to the variable.
value - Variable in class org.tensorflow.op.core.AssignAdd.Inputs
The value to be added to the variable.
value - Variable in class org.tensorflow.op.core.AssignAddVariableOp.Inputs
the value by which the variable will be incremented.
value - Variable in class org.tensorflow.op.core.AssignSub.Inputs
The value to be subtracted to the variable.
value - Variable in class org.tensorflow.op.core.AssignSubVariableOp.Inputs
the value by which the variable will be incremented.
value - Variable in class org.tensorflow.op.core.AssignVariableOp.Inputs
the value to set the new tensor to use.
value - Variable in class org.tensorflow.op.core.FileSystemSetConfiguration.Inputs
The value of the configuration option.
value - Variable in class org.tensorflow.op.core.Fill.Inputs
0-D (scalar).
value - Variable in class org.tensorflow.op.core.GetSessionHandle.Inputs
The tensor to be stored.
value - Variable in class org.tensorflow.op.core.HostConst.Inputs
Attr value is the tensor to return.
value - Variable in class org.tensorflow.op.core.ResourceStridedSliceAssign.Inputs
The value input
value - Variable in class org.tensorflow.op.core.Split.Inputs
The tensor to split.
value - Variable in class org.tensorflow.op.core.SplitV.Inputs
The tensor to split.
value - Variable in class org.tensorflow.op.core.StridedSliceAssign.Inputs
The value input
value - Variable in class org.tensorflow.op.core.TensorArrayScatter.Inputs
The concatenated tensor to write to the TensorArray.
value - Variable in class org.tensorflow.op.core.TensorArraySplit.Inputs
The concatenated tensor to write to the TensorArray.
value - Variable in class org.tensorflow.op.core.TensorArrayUnpack.Inputs
The value input
value - Variable in class org.tensorflow.op.core.TensorArrayWrite.Inputs
The tensor to write to the TensorArray.
value - Variable in class org.tensorflow.op.core.TensorMapInsert.Inputs
The value input
value - Variable in class org.tensorflow.op.core.TensorStridedSliceUpdate.Inputs
The value input
value - Variable in class org.tensorflow.op.core.Unstack.Inputs
1-D or higher, with axis dimension size equal to num.
value - Variable in class org.tensorflow.op.nn.AvgPool.Inputs
4-D with shape [batch, height, width, channels].
value - Variable in class org.tensorflow.op.nn.BiasAdd.Inputs
Any number of dimensions.
value - Variable in class org.tensorflow.op.nn.FractionalAvgPool.Inputs
4-D with shape [batch, height, width, channels].
value - Variable in class org.tensorflow.op.nn.FractionalMaxPool.Inputs
4-D with shape [batch, height, width, channels].
value - Variable in class org.tensorflow.op.random.experimental.StatelessShuffle.Inputs
The tensor to be shuffled.
value - Variable in class org.tensorflow.op.random.RandomShuffle.Inputs
The tensor to be shuffled.
value - Variable in class org.tensorflow.op.summary.WriteScalarSummary.Inputs
The value input
value() - Method in class org.tensorflow.op.core.DestroyTemporaryVariable
Gets value.
value() - Method in class org.tensorflow.op.core.GetSessionTensor
Gets value.
value() - Method in class org.tensorflow.op.core.ReadVariableOp
Gets value.
value() - Method in class org.tensorflow.op.core.TensorArrayConcat
Gets value.
value() - Method in class org.tensorflow.op.core.TensorArrayGather
Gets value.
value() - Method in class org.tensorflow.op.core.TensorArrayPack
Gets value.
value() - Method in class org.tensorflow.op.core.TensorArrayRead
Gets value.
value() - Method in class org.tensorflow.op.core.TensorMapLookup
Gets value.
value() - Method in class org.tensorflow.op.io.ReaderRead
Gets value.
value() - Method in class org.tensorflow.op.random.RngReadAndSkip
Gets value.
valueDtype - Variable in class org.tensorflow.op.core.AnonymousHashTable.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.AnonymousMutableHashTable.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.HashTable.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.MutableHashTable.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.MutableHashTableOfTensors.Inputs
Type of the table values.
valueDtype - Variable in class org.tensorflow.op.core.TensorMapErase.Inputs
The valueDtype attribute
valueDtype - Variable in class org.tensorflow.op.core.TensorMapInsert.Inputs
The valueDtype attribute
valueDtype - Variable in class org.tensorflow.op.core.TensorMapLookup.Inputs
The valueDtype attribute
valueIndex - Variable in class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
Column index that represents information of a line to get the table value values from.
valueIndex() - Method in class org.tensorflow.op.core.Merge
Gets valueIndex.
valueIndex() - Method in class org.tensorflow.op.core.RefMerge
Gets valueIndex.
valueOf(String) - Static method in enum org.tensorflow.DeviceSpec.DeviceType
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.tensorflow.EagerSession.DevicePlacementPolicy
Returns the enum constant of this type with the specified name.
valueOf(String) - Static method in enum org.tensorflow.ExecutionEnvironment.Types
Returns the enum constant of this type with the specified name.
valueRange - Variable in class org.tensorflow.op.core.HistogramFixedWidth.Inputs
Shape [2] Tensor of same dtype as values.
valueRowids - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRows.Inputs
The valueRowids input
values - Variable in class org.tensorflow.op.core.BarrierInsertMany.Inputs
An any-dimensional tensor of values, which are associated with the respective keys.
values - Variable in class org.tensorflow.op.core.Concat.Inputs
List of N Tensors to concatenate.
values - Variable in class org.tensorflow.op.core.EncodeProto.Inputs
List of tensors containing values for the corresponding field.
values - Variable in class org.tensorflow.op.core.HistogramFixedWidth.Inputs
Numeric Tensor.
values - Variable in class org.tensorflow.op.core.InitializeTable.Inputs
Values of type Tval.
values - Variable in class org.tensorflow.op.core.LookupTableImport.Inputs
Values to associate with keys.
values - Variable in class org.tensorflow.op.core.LookupTableInsert.Inputs
Values to associate with keys.
values - Variable in class org.tensorflow.op.core.LowerBound.Inputs
2-D Tensor with the same numbers of rows as sorted_search_values.
values - Variable in class org.tensorflow.op.core.MapStage.Inputs
a list of tensors dtypes A list of data types that inserted values should adhere to.
values - Variable in class org.tensorflow.op.core.OrderedMapStage.Inputs
a list of tensors dtypes A list of data types that inserted values should adhere to.
values - Variable in class org.tensorflow.op.core.ParallelConcat.Inputs
Tensors to be concatenated.
values - Variable in class org.tensorflow.op.core.Stack.Inputs
Must be of same shape and type.
values - Variable in class org.tensorflow.op.core.Stage.Inputs
a list of tensors dtypes A list of data types that inserted values should adhere to.
values - Variable in class org.tensorflow.op.core.UpperBound.Inputs
2-D Tensor with the same numbers of rows as sorted_search_values.
values - Variable in class org.tensorflow.op.data.SparseTensorSliceDataset.Inputs
The values input
values - Variable in class org.tensorflow.op.linalg.sparse.SparseTensorToCSRSparseMatrix.Inputs
SparseTensor values.
values - Variable in class org.tensorflow.op.quantization.QuantizedConcat.Inputs
The N Tensors to concatenate.
values - Variable in class org.tensorflow.op.ragged.RaggedBincount.Inputs
2D int Tensor.
values - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
Tensor containing values of the sparse tensor to count.
values - Variable in class org.tensorflow.op.ragged.RaggedFillEmptyRows.Inputs
The values input
values - Variable in class org.tensorflow.op.ragged.RaggedTensorToTensor.Inputs
A 1D tensor representing the values of the ragged tensor.
values - Variable in class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
Tensor containing data to count.
values - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
1D int Tensor.
values - Variable in class org.tensorflow.op.sparse.SparseConcat.Inputs
1-D.
values - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
Tensor containing values of the sparse tensor to count.
values - Variable in class org.tensorflow.op.sparse.SparseCross.Inputs
1-D.
values - Variable in class org.tensorflow.op.sparse.SparseCrossHashed.Inputs
1-D.
values - Variable in class org.tensorflow.op.sparse.SparseFillEmptyRows.Inputs
1-D.
values - Variable in class org.tensorflow.op.sparse.SparseSlice.Inputs
1-D tensor represents the values of the sparse tensor.
values - Variable in class org.tensorflow.op.sparse.SparseSplit.Inputs
1-D tensor represents the values of the sparse tensor.
values - Variable in class org.tensorflow.op.summary.HistogramSummary.Inputs
Any shape.
values - Variable in class org.tensorflow.op.summary.ScalarSummary.Inputs
Same shape as `tags.
values - Variable in class org.tensorflow.op.summary.WriteHistogramSummary.Inputs
The values input
values - Variable in class org.tensorflow.op.tpu.ConvertToCooTensor.Inputs
The values input
values - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmul.Inputs
The values input
values() - Static method in enum org.tensorflow.DeviceSpec.DeviceType
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.EagerSession.DevicePlacementPolicy
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Static method in enum org.tensorflow.ExecutionEnvironment.Types
Returns an array containing the constants of this enum type, in the order they are declared.
values() - Method in class org.tensorflow.op.core.ApproxTopK
Gets values.
values() - Method in class org.tensorflow.op.core.BarrierTakeMany
Gets values.
values() - Method in class org.tensorflow.op.core.DecodeProto
Gets values.
values() - Method in class org.tensorflow.op.core.LookupTableExport
Gets values.
values() - Method in class org.tensorflow.op.core.LookupTableFind
Gets values.
values() - Method in class org.tensorflow.op.core.MapPeek
Gets values.
values() - Method in class org.tensorflow.op.core.MapUnstage
Gets values.
values() - Method in class org.tensorflow.op.core.MapUnstageNoKey
Gets values.
values() - Method in class org.tensorflow.op.core.OrderedMapPeek
Gets values.
values() - Method in class org.tensorflow.op.core.OrderedMapUnstage
Gets values.
values() - Method in class org.tensorflow.op.core.OrderedMapUnstageNoKey
Gets values.
values() - Method in class org.tensorflow.op.core.StagePeek
Gets values.
values() - Method in class org.tensorflow.op.core.TensorListGather
Gets values.
values() - Method in class org.tensorflow.op.core.Unstage
Gets values.
values() - Method in class org.tensorflow.op.io.ReaderReadUpTo
Gets values.
values() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixComponents
Gets values.
values() - Method in class org.tensorflow.op.linalg.sparse.CSRSparseMatrixToSparseTensor
Gets values.
values() - Method in class org.tensorflow.op.nn.NthElement
Gets values.
values() - Method in class org.tensorflow.op.nn.TopK
Gets values.
values() - Method in class org.tensorflow.op.sparse.SparseAccumulatorTakeGradient
Gets values.
values() - Method in class org.tensorflow.op.strings.StringSplit
Gets values.
values() - Method in interface org.tensorflow.SparseTensor
Gets the sparse values.
valueShape - Variable in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Inputs
The shape of each value.
valueShape - Variable in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors.Inputs
The valueShape attribute
valueShape - Variable in class org.tensorflow.op.core.MutableDenseHashTable.Inputs
The shape of each value.
valueShape - Variable in class org.tensorflow.op.core.MutableHashTableOfTensors.Inputs
The valueShape attribute
valueShape(Shape) - Method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable.Options
Sets the valueShape option.
valueShape(Shape) - Static method in class org.tensorflow.op.core.AnonymousMutableDenseHashTable
Sets the valueShape option.
valueShape(Shape) - Method in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors.Options
Sets the valueShape option.
valueShape(Shape) - Static method in class org.tensorflow.op.core.AnonymousMutableHashTableOfTensors
Sets the valueShape option.
valueShape(Shape) - Method in class org.tensorflow.op.core.MutableDenseHashTable.Options
Sets the valueShape option.
valueShape(Shape) - Static method in class org.tensorflow.op.core.MutableDenseHashTable
Sets the valueShape option.
valueShape(Shape) - Method in class org.tensorflow.op.core.MutableHashTableOfTensors.Options
Sets the valueShape option.
valueShape(Shape) - Static method in class org.tensorflow.op.core.MutableHashTableOfTensors
Sets the valueShape option.
var - Variable in class org.tensorflow.op.train.ApplyAdadelta.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyAdagradDa.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyAdagradV2.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyAdam.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyAdaMax.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyAddSign.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyCenteredRmsProp.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyFtrl.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyGradientDescent.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyMomentum.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyPowerSign.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyProximalAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyProximalGradientDescent.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ApplyRmsProp.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyAdadelta.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyAdagradDa.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyAdam.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyAdaMax.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyAddSign.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyCenteredRmsProp.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyFtrl.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyGradientDescent.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyKerasMomentum.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyMomentum.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyPowerSign.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyProximalAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyProximalGradientDescent.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceApplyRmsProp.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdadelta.Inputs
The var input
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradDa.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyAdagradV2.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyFtrl.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyKerasMomentum.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyMomentum.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyProximalGradientDescent.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.ResourceSparseApplyRmsProp.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyAdadelta.Inputs
The var input
var - Variable in class org.tensorflow.op.train.SparseApplyAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyAdagradDa.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyCenteredRmsProp.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyFtrl.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyMomentum.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyProximalAdagrad.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyProximalGradientDescent.Inputs
Should be from a Variable().
var - Variable in class org.tensorflow.op.train.SparseApplyRmsProp.Inputs
Should be from a Variable().
varHandleOp(Class<T>, Shape, VarHandleOp.Options...) - Method in class org.tensorflow.op.Ops
Creates a handle to a Variable resource.
VarHandleOp - Class in org.tensorflow.op.core
Creates a handle to a Variable resource.
VarHandleOp(Operation) - Constructor for class org.tensorflow.op.core.VarHandleOp
 
VarHandleOp.Inputs - Class in org.tensorflow.op.core
 
VarHandleOp.Options - Class in org.tensorflow.op.core
Optional attributes for VarHandleOp
variable(Shape, Class<T>, Variable.Options...) - Method in class org.tensorflow.op.Ops
Holds state in the form of a tensor that persists across steps.
variable(Operand<T>, Variable.Options...) - Method in class org.tensorflow.op.Ops
Factory method to create a new Variable with its initializer.
Variable<T extends TType> - Class in org.tensorflow.op.core
Holds state in the form of a tensor that persists across steps.
Variable(Operation) - Constructor for class org.tensorflow.op.core.Variable
 
Variable.Inputs - Class in org.tensorflow.op.core
 
Variable.Options - Class in org.tensorflow.op.core
Optional attributes for Variable
variableShape(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns the shape of the variable pointed to by resource.
variableShape(Operand<? extends TType>, Class<T>) - Method in class org.tensorflow.op.Ops
Returns the shape of the variable pointed to by resource.
VariableShape<T extends TNumber> - Class in org.tensorflow.op.core
Returns the shape of the variable pointed to by resource.
VariableShape(Operation) - Constructor for class org.tensorflow.op.core.VariableShape
 
VariableShape.Inputs - Class in org.tensorflow.op.core
 
variance - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
A 1D Tensor for population variance.
varianceEpsilon - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalization.Inputs
A small float number to avoid dividing by 0.
varianceEpsilon - Variable in class org.tensorflow.op.nn.BatchNormWithGlobalNormalizationGrad.Inputs
A small float number to avoid dividing by 0.
varianceEpsilon - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
A small float number to avoid dividing by 0.
varianceEpsilon - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
A small float number to avoid dividing by 0.
varianceEpsilon(Float) - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm.Options
Sets the varianceEpsilon option.
varianceEpsilon(Float) - Static method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Sets the varianceEpsilon option.
varIsInitializedOp(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Checks whether a resource handle-based variable has been initialized.
VarIsInitializedOp - Class in org.tensorflow.op.core
Checks whether a resource handle-based variable has been initialized.
VarIsInitializedOp(Operation) - Constructor for class org.tensorflow.op.core.VarIsInitializedOp
 
VarIsInitializedOp.Inputs - Class in org.tensorflow.op.core
 
varName - Variable in class org.tensorflow.op.core.DestroyTemporaryVariable.Inputs
Name of the temporary variable, usually the name of the matching 'TemporaryVariable' op.
varName - Variable in class org.tensorflow.op.core.TemporaryVariable.Inputs
Overrides the name used for the temporary variable resource.
varName(String) - Method in class org.tensorflow.op.core.TemporaryVariable.Options
Sets the varName option.
varName(String) - Static method in class org.tensorflow.op.core.TemporaryVariable
Sets the varName option.
vars - Variable in class org.tensorflow.op.tpu.TPUReshardVariables.Inputs
The vars input
vectorOf(boolean...) - Static method in interface org.tensorflow.types.TBool
Allocates a new tensor for storing a vector of booleans.
vectorOf(byte...) - Static method in interface org.tensorflow.types.TUint8
Allocates a new tensor for storing a vector of bytes.
vectorOf(double...) - Static method in interface org.tensorflow.types.TFloat64
Allocates a new tensor for storing a vector of doubles.
vectorOf(float...) - Static method in interface org.tensorflow.types.TBfloat16
Allocates a new tensor for storing a vector of floats.
vectorOf(float...) - Static method in interface org.tensorflow.types.TFloat16
Allocates a new tensor for storing a vector of floats.
vectorOf(float...) - Static method in interface org.tensorflow.types.TFloat32
Allocates a new tensor for storing a vector of floats.
vectorOf(int...) - Static method in interface org.tensorflow.types.TInt32
Allocates a new tensor for storing a vector of ints.
vectorOf(long...) - Static method in interface org.tensorflow.types.TInt64
Allocates a new tensor for storing a vector of longs.
vectorOf(short...) - Static method in interface org.tensorflow.types.TUint16
Allocates a new tensor for storing a vector of shorts.
vectorOf(String...) - Static method in interface org.tensorflow.types.TString
Allocates a new tensor for storing a vector of strings.
vectorOf(Scope, boolean[]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of boolean elements.
vectorOf(Scope, byte[]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of byte elements.
vectorOf(Scope, double[]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of double elements.
vectorOf(Scope, float[]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of float elements.
vectorOf(Scope, int[]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of int elements.
vectorOf(Scope, long[]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of long elements.
vectorOf(Scope, String[]) - Static method in class org.tensorflow.op.core.Constant
Creates a rank-1 constant of String elements.
vectorOf(Scope, Charset, String[]) - Static method in class org.tensorflow.op.core.Constant
Creates a constant of String elements, using the given charset.
velocities - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingADAMParameters.Inputs
Value of velocities used in the ADAM optimization algorithm.
velocities() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingADAMParameters
Gets velocities.
velocity - Variable in class org.tensorflow.op.xla.XlaSparseCoreAdam.Inputs
The velocity input
velocity - Variable in class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs
The velocity input
version - Variable in class org.tensorflow.op.data.SnapshotDatasetReader.Inputs
The version attribute
version() - Static method in class org.tensorflow.TensorFlow
Returns the version of the underlying TensorFlow runtime.
vhat - Variable in class org.tensorflow.op.train.ResourceApplyAdamWithAmsgrad.Inputs
Should be from a Variable().
vMax - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the highest quantized variance.
vMin - Variable in class org.tensorflow.op.nn.QuantizedBatchNormWithGlobalNormalization.Inputs
The value represented by the lowest quantized variance.
vocabCount - Variable in class org.tensorflow.op.train.NegTrain.Inputs
Count of words in the vocabulary.
vocabFile - Variable in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Inputs
Each valid line in this file (which should have a CSV-like format) corresponds to a valid word ID.
vocabFile(String) - Method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler.Options
Sets the vocabFile option.
vocabFile(String) - Static method in class org.tensorflow.op.nn.FixedUnigramCandidateSampler
Sets the vocabFile option.
vocabFreq() - Method in class org.tensorflow.op.core.Skipgram
Gets vocabFreq.
vocabSize - Variable in class org.tensorflow.op.core.InitializeTableFromTextFile.Inputs
Number of elements of the file, use -1 if unknown.
vocabSize(Long) - Method in class org.tensorflow.op.core.InitializeTableFromTextFile.Options
Sets the vocabSize option.
vocabSize(Long) - Static method in class org.tensorflow.op.core.InitializeTableFromTextFile
Sets the vocabSize option.
vocabWord() - Method in class org.tensorflow.op.core.Skipgram
Gets vocabWord.

W

w - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
The weight matrix.
w - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The weight matrix.
w - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The weight matrix.
w - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The weight matrix.
waitForIncomplete - Variable in class org.tensorflow.op.core.BarrierTakeMany.Inputs
The waitForIncomplete attribute
waitForIncomplete(Boolean) - Method in class org.tensorflow.op.core.BarrierTakeMany.Options
Sets the waitForIncomplete option.
waitForIncomplete(Boolean) - Static method in class org.tensorflow.op.core.BarrierTakeMany
Sets the waitForIncomplete option.
WARN - Enum constant in enum org.tensorflow.EagerSession.DevicePlacementPolicy
Copy the tensor to the right device but log a warning.
wC - Variable in class org.tensorflow.op.nn.GRUBlockCell.Inputs
The wC input
wC - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The wC input
wcf - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
The weight matrix for forget gate peephole connection.
wcf - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The weight matrix for forget gate peephole connection.
wcf - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The weight matrix for forget gate peephole connection.
wcf - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The weight matrix for forget gate peephole connection.
wcfGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets wcfGrad.
wcfGrad() - Method in class org.tensorflow.op.nn.LSTMBlockCellGrad
Gets wcfGrad.
wci - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
The weight matrix for input gate peephole connection.
wci - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The weight matrix for input gate peephole connection.
wci - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The weight matrix for input gate peephole connection.
wci - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The weight matrix for input gate peephole connection.
wciGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets wciGrad.
wciGrad() - Method in class org.tensorflow.op.nn.LSTMBlockCellGrad
Gets wciGrad.
wco - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
The weight matrix for output gate peephole connection.
wco - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The weight matrix for output gate peephole connection.
wco - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The weight matrix for output gate peephole connection.
wco - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The weight matrix for output gate peephole connection.
wcoGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets wcoGrad.
wcoGrad() - Method in class org.tensorflow.op.nn.LSTMBlockCellGrad
Gets wcoGrad.
weights - Variable in class org.tensorflow.op.math.Bincount.Inputs
is an int32, int64, float32, or float64 Tensor with the same shape as arr, or a length-0 Tensor, in which case it acts as all weights equal to 1.
weights - Variable in class org.tensorflow.op.math.DenseBincount.Inputs
is an int32, int64, float32, or float64 Tensor with the same shape as arr, or a length-0 Tensor, in which case it acts as all weights equal to 1.
weights - Variable in class org.tensorflow.op.nn.CudnnRNNCanonicalToParams.Inputs
The weights input
weights - Variable in class org.tensorflow.op.ragged.RaggedBincount.Inputs
is an int32, int64, float32, or float64 Tensor with the same shape as input, or a length-0 Tensor, in which case it acts as all weights equal to 1.
weights - Variable in class org.tensorflow.op.ragged.RaggedCountSparseOutput.Inputs
A Tensor of the same shape as indices containing per-index weight values.
weights - Variable in class org.tensorflow.op.sparse.DenseCountSparseOutput.Inputs
A Tensor of the same shape as indices containing per-index weight values.
weights - Variable in class org.tensorflow.op.sparse.SparseBincount.Inputs
is an int32, int64, float32, or float64 Tensor with the same shape as input, or a length-0 Tensor, in which case it acts as all weights equal to 1.
weights - Variable in class org.tensorflow.op.sparse.SparseCountSparseOutput.Inputs
A Tensor of the same shape as indices containing per-index weight values.
weights - Variable in class org.tensorflow.op.tpu.ConvertToCooTensor.Inputs
The weights input
weights - Variable in class org.tensorflow.op.tpu.LoadTPUEmbeddingMDLAdagradLightParameters.Inputs
Value of weights used in the MDL Adagrad Light optimization algorithm.
weights - Variable in class org.tensorflow.op.train.SdcaShrinkL1.Inputs
a list of vectors where each value is the weight associated with a feature group.
weights() - Method in class org.tensorflow.op.nn.ComputeAccidentalHits
Gets weights.
weights() - Method in class org.tensorflow.op.nn.CudnnRNNParamsToCanonical
Gets weights.
weights() - Method in class org.tensorflow.op.tpu.RetrieveTPUEmbeddingMDLAdagradLightParameters
Gets weights.
wGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets wGrad.
where(Operand<? extends TType>) - Method in class org.tensorflow.op.Ops
Returns locations of nonzero / true values in a tensor.
Where - Class in org.tensorflow.op.core
Returns locations of nonzero / true values in a tensor.
Where(Operation) - Constructor for class org.tensorflow.op.core.Where
 
Where.Inputs - Class in org.tensorflow.op.core
 
While - Interface in org.tensorflow.op.core
output = input; While (Cond(output)) { output = Body(output) }
While.Options - Class in org.tensorflow.op.core
Optional attributes for While
whileLoop(Output<?>[], Graph.WhileSubgraphBuilder, Graph.WhileSubgraphBuilder, String) - Method in class org.tensorflow.Graph
Builds a while loop.
whileOp(Iterable<Operand<?>>, ConcreteFunction, ConcreteFunction, While.Options...) - Method in class org.tensorflow.op.Ops
output = input; While (Cond(output)) { output = Body(output) }
wholeFileReader(WholeFileReader.Options...) - Method in class org.tensorflow.op.IoOps
A Reader that outputs the entire contents of a file as a value.
WholeFileReader - Class in org.tensorflow.op.io
A Reader that outputs the entire contents of a file as a value.
WholeFileReader(Operation) - Constructor for class org.tensorflow.op.io.WholeFileReader
 
WholeFileReader.Inputs - Class in org.tensorflow.op.io
 
WholeFileReader.Options - Class in org.tensorflow.op.io
Optional attributes for WholeFileReader
width - Variable in class org.tensorflow.op.dtypes.AsString.Inputs
Pad pre-decimal numbers to this width.
width(Long) - Method in class org.tensorflow.op.dtypes.AsString.Options
Sets the width option.
width(Long) - Static method in class org.tensorflow.op.dtypes.AsString
Sets the width option.
wIn - Variable in class org.tensorflow.op.train.NegTrain.Inputs
input word embedding.
windowDataset(Operand<? extends TType>, Operand<TInt64>, Operand<TInt64>, Operand<TInt64>, Operand<TBool>, List<Class<? extends TType>>, List<Shape>, WindowDataset.Options...) - Method in class org.tensorflow.op.DataOps
Combines (nests of) input elements into a dataset of (nests of) windows.
WindowDataset - Class in org.tensorflow.op.data
Combines (nests of) input elements into a dataset of (nests of) windows.
WindowDataset(Operation) - Constructor for class org.tensorflow.op.data.WindowDataset
 
WindowDataset.Inputs - Class in org.tensorflow.op.data
 
WindowDataset.Options - Class in org.tensorflow.op.data
Optional attributes for WindowDataset
windowOp(Iterable<Operand<?>>, List<Class<? extends TType>>, List<Shape>) - Method in class org.tensorflow.op.DataOps
The WindowOp operation
WindowOp - Class in org.tensorflow.op.data
The WindowOp operation
WindowOp(Operation) - Constructor for class org.tensorflow.op.data.WindowOp
 
WindowOp.Inputs - Class in org.tensorflow.op.data
 
windowShift - Variable in class org.tensorflow.op.data.experimental.SlidingWindowDataset.Inputs
A scalar representing the steps moving the sliding window forward in one iteration.
windowShift - Variable in class org.tensorflow.op.data.SlidingWindowDataset.Inputs
A scalar representing the steps moving the sliding window forward in one iteration.
windowSize - Variable in class org.tensorflow.op.audio.AudioSpectrogram.Inputs
How wide the input window is in samples.
windowSize - Variable in class org.tensorflow.op.core.Skipgram.Inputs
The number of words to predict to the left and right of the target.
windowSize - Variable in class org.tensorflow.op.data.experimental.SlidingWindowDataset.Inputs
A scalar representing the number of elements in the sliding window.
windowSize - Variable in class org.tensorflow.op.data.SlidingWindowDataset.Inputs
A scalar representing the number of elements in the sliding window.
windowSize(Long) - Method in class org.tensorflow.op.core.Skipgram.Options
Sets the windowSize option.
windowSize(Long) - Static method in class org.tensorflow.op.core.Skipgram
Sets the windowSize option.
windowSizeFuncOtherArguments - Variable in class org.tensorflow.op.data.experimental.GroupByWindowDataset.Inputs
The windowSizeFuncOtherArguments input
windowSizeFuncOtherArguments - Variable in class org.tensorflow.op.data.GroupByWindowDataset.Inputs
The windowSizeFuncOtherArguments input
windowStride - Variable in class org.tensorflow.op.data.experimental.SlidingWindowDataset.Inputs
A scalar representing the stride of the input elements of the sliding window.
windowStride - Variable in class org.tensorflow.op.data.SlidingWindowDataset.Inputs
A scalar representing the stride of the input elements of the sliding window.
windowStrides - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolution.Inputs
The stride of the sliding window for each spatial dimension of lhs.
windowStrides - Variable in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Inputs
The stride of the sliding window for each spatial dimension of lhs.
windowStrides(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the windowStrides option.
windowStrides(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the windowStrides option.
windowStrides(Long...) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the windowStrides option.
windowStrides(Long...) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the windowStrides option.
windowStrides(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolution.Options
Sets the windowStrides option.
windowStrides(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolution
Sets the windowStrides option.
windowStrides(List<Long>) - Method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid.Options
Sets the windowStrides option.
windowStrides(List<Long>) - Static method in class org.tensorflow.op.nn.UniformQuantizedConvolutionHybrid
Sets the windowStrides option.
withConfigProto(ConfigProto) - Method in class org.tensorflow.SavedModelBundle.Loader
Set configuration of the Session object created when loading the model.
withControlDependencies(Iterable<Op>) - Method in class org.tensorflow.op.NativeScope
 
withControlDependencies(Iterable<Op>) - Method in class org.tensorflow.op.Ops
Returns an API that adds operations to the graph with the provided control dependencies.
withControlDependencies(Iterable<Op>) - Method in interface org.tensorflow.op.Scope
Returns a new scope where added operations will have the provided control dependencies.
withControlDependencies(Op...) - Method in class org.tensorflow.op.Ops
Returns an API that adds operations to the graph with the provided control dependencies.
withControlDependencyOps(Iterable<Operation>) - Method in class org.tensorflow.op.NativeScope
 
withControlDependencyOps(Iterable<Operation>) - Method in class org.tensorflow.op.Ops
Returns an API that adds operations to the graph with the provided control dependencies.
withControlDependencyOps(Iterable<Operation>) - Method in class org.tensorflow.op.OpScope
 
withControlDependencyOps(Iterable<Operation>) - Method in interface org.tensorflow.op.Scope
Returns a new scope where added operations will have the provided control dependencies.
withControlDependencyOps(Operation...) - Method in class org.tensorflow.op.Ops
Returns an API that adds operations to the graph with the provided control dependencies.
withDevice(DeviceSpec) - Method in class org.tensorflow.op.NativeScope
 
withDevice(DeviceSpec) - Method in class org.tensorflow.op.Ops
Returns an API that places the created operations on the device(s) matching the provided spec.
withDevice(DeviceSpec) - Method in class org.tensorflow.op.OpScope
 
withDevice(DeviceSpec) - Method in interface org.tensorflow.op.Scope
Return a new scope that uses the provided device specification for an op.
withFunction(SessionFunction) - Method in class org.tensorflow.SavedModelBundle.Exporter
Save a function of this model.
withFunctions(SessionFunction...) - Method in class org.tensorflow.SavedModelBundle.Exporter
Save multiple functions.
withInitScope() - Method in class org.tensorflow.op.NativeScope
 
withInitScope() - Method in class org.tensorflow.op.Ops
Returns an API that builds init operations.
withInitScope() - Method in class org.tensorflow.op.OpScope
 
withInitScope() - Method in interface org.tensorflow.op.Scope
Get an extension of this scope that generates initialization ops.
withName(String) - Method in class org.tensorflow.op.NativeScope
 
withName(String) - Method in class org.tensorflow.op.Ops
Returns an API that uses the provided name for an op.
withName(String) - Method in class org.tensorflow.op.OpScope
 
withName(String) - Method in interface org.tensorflow.op.Scope
Return a new scope that uses the provided name for an op.
withNameAsSubScope(String) - Method in class org.tensorflow.op.NativeScope
 
withNameAsSubScope(String) - Method in class org.tensorflow.op.OpScope
 
withNameAsSubScope(String) - Method in interface org.tensorflow.op.Scope
Returns a new scope where added operations will be prefixed by this scope's op name (set by Scope.withName(String)), or the given default if it is unset.
withNewSession(Session) - Method in class org.tensorflow.SessionFunction
Get a new function with the same signature, but backed by a new session.
withRunOptions(RunOptions) - Method in class org.tensorflow.SavedModelBundle.Loader
Sets options to use when executing model initialization operations.
withSession(Session) - Method in class org.tensorflow.SavedModelBundle.Exporter
Set the session to export, without adding any signatures.
withSignature(Signature) - Method in class org.tensorflow.SavedModelBundle.Exporter
Add a signature to the model.
withSignatures(Signature...) - Method in class org.tensorflow.SavedModelBundle.Exporter
Add multiple signatures to the model.
withSubScope(String) - Method in class org.tensorflow.op.NativeScope
 
withSubScope(String) - Method in class org.tensorflow.op.Ops
Returns an API that builds operations with the provided name prefix.
withSubScope(String) - Method in class org.tensorflow.op.OpScope
 
withSubScope(String) - Method in interface org.tensorflow.op.Scope
Returns a new scope where added operations will have the provided name prefix.
withTags(String...) - Method in class org.tensorflow.SavedModelBundle.Exporter
Sets the set of tags that identify the specific graph in the saved model to save.
withTags(String...) - Method in class org.tensorflow.SavedModelBundle.Loader
Sets the set of tags that identify the specific graph in the saved model to load.
wordsPerEpoch() - Method in class org.tensorflow.op.core.Skipgram
Gets wordsPerEpoch.
workerHeartbeat(Operand<TString>) - Method in class org.tensorflow.op.TpuOps
Worker heartbeat op.
WorkerHeartbeat - Class in org.tensorflow.op.tpu
Worker heartbeat op.
WorkerHeartbeat(Operation) - Constructor for class org.tensorflow.op.tpu.WorkerHeartbeat
 
WorkerHeartbeat.Inputs - Class in org.tensorflow.op.tpu
 
wOut - Variable in class org.tensorflow.op.train.NegTrain.Inputs
output word embedding.
wrapDatasetVariant(Operand<? extends TType>) - Method in class org.tensorflow.op.DataOps
The WrapDatasetVariant operation
WrapDatasetVariant - Class in org.tensorflow.op.data
The WrapDatasetVariant operation
WrapDatasetVariant(Operation) - Constructor for class org.tensorflow.op.data.WrapDatasetVariant
 
WrapDatasetVariant.Inputs - Class in org.tensorflow.op.data
 
writeAudioSummary(Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<TFloat32>, Operand<TFloat32>, WriteAudioSummary.Options...) - Method in class org.tensorflow.op.SummaryOps
Writes an audio summary.
WriteAudioSummary - Class in org.tensorflow.op.summary
Writes an audio summary.
WriteAudioSummary(Operation) - Constructor for class org.tensorflow.op.summary.WriteAudioSummary
 
WriteAudioSummary.Inputs - Class in org.tensorflow.op.summary
 
WriteAudioSummary.Options - Class in org.tensorflow.op.summary
Optional attributes for WriteAudioSummary
writeFile(Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.IoOps
Writes contents to the file at input filename.
WriteFile - Class in org.tensorflow.op.io
Writes contents to the file at input filename.
WriteFile(Operation) - Constructor for class org.tensorflow.op.io.WriteFile
 
WriteFile.Inputs - Class in org.tensorflow.op.io
 
writeGraphSummary(Operand<? extends TType>, Operand<TInt64>, Operand<TString>) - Method in class org.tensorflow.op.SummaryOps
Writes a graph summary.
WriteGraphSummary - Class in org.tensorflow.op.summary
Writes a graph summary.
WriteGraphSummary(Operation) - Constructor for class org.tensorflow.op.summary.WriteGraphSummary
 
WriteGraphSummary.Inputs - Class in org.tensorflow.op.summary
 
writeHistogramSummary(Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<? extends TType>) - Method in class org.tensorflow.op.SummaryOps
Writes a histogram summary.
WriteHistogramSummary - Class in org.tensorflow.op.summary
Writes a histogram summary.
WriteHistogramSummary(Operation) - Constructor for class org.tensorflow.op.summary.WriteHistogramSummary
 
WriteHistogramSummary.Inputs - Class in org.tensorflow.op.summary
 
writeImageSummary(Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<? extends TNumber>, Operand<TUint8>, WriteImageSummary.Options...) - Method in class org.tensorflow.op.SummaryOps
Writes an image summary.
WriteImageSummary - Class in org.tensorflow.op.summary
Writes an image summary.
WriteImageSummary(Operation) - Constructor for class org.tensorflow.op.summary.WriteImageSummary
 
WriteImageSummary.Inputs - Class in org.tensorflow.op.summary
 
WriteImageSummary.Options - Class in org.tensorflow.op.summary
Optional attributes for WriteImageSummary
writer - Variable in class org.tensorflow.op.summary.CloseSummaryWriter.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.CreateSummaryDbWriter.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.CreateSummaryFileWriter.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.FlushSummaryWriter.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.ImportEvent.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.WriteAudioSummary.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.WriteGraphSummary.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.WriteHistogramSummary.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.WriteImageSummary.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.WriteRawProtoSummary.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.WriteScalarSummary.Inputs
The writer input
writer - Variable in class org.tensorflow.op.summary.WriteSummary.Inputs
The writer input
writer() - Method in class org.tensorflow.op.summary.SummaryWriter
Gets writer.
writeRawProtoSummary(Operand<? extends TType>, Operand<TInt64>, Operand<TString>) - Method in class org.tensorflow.op.SummaryOps
Writes a serialized proto summary.
WriteRawProtoSummary - Class in org.tensorflow.op.summary
Writes a serialized proto summary.
WriteRawProtoSummary(Operation) - Constructor for class org.tensorflow.op.summary.WriteRawProtoSummary
 
WriteRawProtoSummary.Inputs - Class in org.tensorflow.op.summary
 
writerPrefix - Variable in class org.tensorflow.op.data.SnapshotDataset.Inputs
The writerPrefix attribute
writerPrefix(String) - Method in class org.tensorflow.op.data.SnapshotDataset.Options
Sets the writerPrefix option.
writerPrefix(String) - Static method in class org.tensorflow.op.data.SnapshotDataset
Sets the writerPrefix option.
writeScalarSummary(Operand<? extends TType>, Operand<TInt64>, Operand<TString>, Operand<? extends TNumber>) - Method in class org.tensorflow.op.SummaryOps
Writes a scalar summary.
WriteScalarSummary - Class in org.tensorflow.op.summary
Writes a scalar summary.
WriteScalarSummary(Operation) - Constructor for class org.tensorflow.op.summary.WriteScalarSummary
 
WriteScalarSummary.Inputs - Class in org.tensorflow.op.summary
 
writeSummary(Operand<? extends TType>, Operand<TInt64>, Operand<? extends TType>, Operand<TString>, Operand<TString>) - Method in class org.tensorflow.op.SummaryOps
Writes a tensor summary.
WriteSummary - Class in org.tensorflow.op.summary
Writes a tensor summary.
WriteSummary(Operation) - Constructor for class org.tensorflow.op.summary.WriteSummary
 
WriteSummary.Inputs - Class in org.tensorflow.op.summary
 
wRu - Variable in class org.tensorflow.op.nn.GRUBlockCell.Inputs
The wRu input
wRu - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The wRu input

X

x - Variable in class org.tensorflow.op.bitwise.BitwiseAnd.Inputs
The x input
x - Variable in class org.tensorflow.op.bitwise.BitwiseOr.Inputs
The x input
x - Variable in class org.tensorflow.op.bitwise.BitwiseXor.Inputs
The x input
x - Variable in class org.tensorflow.op.bitwise.Invert.Inputs
The x input
x - Variable in class org.tensorflow.op.bitwise.LeftShift.Inputs
The x input
x - Variable in class org.tensorflow.op.bitwise.RightShift.Inputs
The x input
x - Variable in class org.tensorflow.op.core.DeepCopy.Inputs
The source tensor of type T.
x - Variable in class org.tensorflow.op.core.InplaceAdd.Inputs
A Tensor of type T.
x - Variable in class org.tensorflow.op.core.InplaceSub.Inputs
A Tensor of type T.
x - Variable in class org.tensorflow.op.core.InplaceUpdate.Inputs
A tensor of type T.
x - Variable in class org.tensorflow.op.core.OnesLike.Inputs
a tensor of type T.
x - Variable in class org.tensorflow.op.core.SetDiff1d.Inputs
1-D.
x - Variable in class org.tensorflow.op.core.Unique.Inputs
A Tensor.
x - Variable in class org.tensorflow.op.core.UniqueWithCounts.Inputs
A Tensor.
x - Variable in class org.tensorflow.op.core.ZerosLike.Inputs
a tensor of type T.
x - Variable in class org.tensorflow.op.dtypes.Cast.Inputs
The x input
x - Variable in class org.tensorflow.op.linalg.ConjugateTranspose.Inputs
The x input
x - Variable in class org.tensorflow.op.linalg.Transpose.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Abs.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Acos.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Acosh.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Add.Inputs
The x input
x - Variable in class org.tensorflow.op.math.ApproximateEqual.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Asin.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Asinh.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Atan.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Atan2.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Atanh.Inputs
The x input
x - Variable in class org.tensorflow.op.math.BesselI0.Inputs
The x input
x - Variable in class org.tensorflow.op.math.BesselI0e.Inputs
The x input
x - Variable in class org.tensorflow.op.math.BesselI1.Inputs
The x input
x - Variable in class org.tensorflow.op.math.BesselI1e.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Betainc.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Ceil.Inputs
The x input
x - Variable in class org.tensorflow.op.math.ComplexAbs.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Cos.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Cosh.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Cumprod.Inputs
A Tensor.
x - Variable in class org.tensorflow.op.math.Cumsum.Inputs
A Tensor.
x - Variable in class org.tensorflow.op.math.CumulativeLogsumexp.Inputs
A Tensor.
x - Variable in class org.tensorflow.op.math.Digamma.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Div.Inputs
The x input
x - Variable in class org.tensorflow.op.math.DivNoNan.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Equal.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Erf.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Erfc.Inputs
The x input
x - Variable in class org.tensorflow.op.math.erfinv.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Exp.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Expm1.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Floor.Inputs
The x input
x - Variable in class org.tensorflow.op.math.FloorDiv.Inputs
The x input
x - Variable in class org.tensorflow.op.math.FloorMod.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Greater.Inputs
The x input
x - Variable in class org.tensorflow.op.math.GreaterEqual.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Igamma.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Igammac.Inputs
The x input
x - Variable in class org.tensorflow.op.math.IgammaGradA.Inputs
The x input
x - Variable in class org.tensorflow.op.math.InvertPermutation.Inputs
1-D.
x - Variable in class org.tensorflow.op.math.IsFinite.Inputs
The x input
x - Variable in class org.tensorflow.op.math.IsInf.Inputs
The x input
x - Variable in class org.tensorflow.op.math.IsNan.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Less.Inputs
The x input
x - Variable in class org.tensorflow.op.math.LessEqual.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Lgamma.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Log.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Log1p.Inputs
The x input
x - Variable in class org.tensorflow.op.math.LogicalAnd.Inputs
The x input
x - Variable in class org.tensorflow.op.math.LogicalNot.Inputs
A Tensor of type bool.
x - Variable in class org.tensorflow.op.math.LogicalOr.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Maximum.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Minimum.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Mod.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Mul.Inputs
The x input
x - Variable in class org.tensorflow.op.math.MulNoNan.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Ndtri.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Neg.Inputs
The x input
x - Variable in class org.tensorflow.op.math.NotEqual.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Polygamma.Inputs
The x input
x - Variable in class org.tensorflow.op.math.PopulationCount.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Pow.Inputs
The x input
x - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The x input
x - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The x input
x - Variable in class org.tensorflow.op.math.RealDiv.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Reciprocal.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Rint.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Round.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Rsqrt.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Sigmoid.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Sign.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Sin.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Sinh.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselJ0.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselJ1.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselK0.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselK0e.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselK1.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselK1e.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselY0.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.BesselY1.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.Dawsn.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.Expint.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.FresnelCos.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.FresnelSin.Inputs
The x input
x - Variable in class org.tensorflow.op.math.special.Spence.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Sqrt.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Square.Inputs
The x input
x - Variable in class org.tensorflow.op.math.SquaredDifference.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Sub.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Tan.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Tanh.Inputs
The x input
x - Variable in class org.tensorflow.op.math.TruncateDiv.Inputs
The x input
x - Variable in class org.tensorflow.op.math.TruncateMod.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Xdivy.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Xlog1py.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Xlogy.Inputs
The x input
x - Variable in class org.tensorflow.op.math.Zeta.Inputs
The x input
x - Variable in class org.tensorflow.op.nn.BlockLSTM.Inputs
The sequence input to the LSTM, shape (timelen, batch_size, num_inputs).
x - Variable in class org.tensorflow.op.nn.BlockLSTMGrad.Inputs
The sequence input to the LSTM, shape (timelen, batch_size, num_inputs).
x - Variable in class org.tensorflow.op.nn.DataFormatDimMap.Inputs
A Tensor with each element as a dimension index in source data format.
x - Variable in class org.tensorflow.op.nn.DataFormatVecPermute.Inputs
Tensor of rank 1 or 2 in source data format.
x - Variable in class org.tensorflow.op.nn.FusedBatchNorm.Inputs
A 4D Tensor for input data.
x - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
A 4D Tensor for input data.
x - Variable in class org.tensorflow.op.nn.GRUBlockCell.Inputs
The x input
x - Variable in class org.tensorflow.op.nn.GRUBlockCellGrad.Inputs
The x input
x - Variable in class org.tensorflow.op.nn.LSTMBlockCell.Inputs
The input to the LSTM cell, shape (batch_size, num_inputs).
x - Variable in class org.tensorflow.op.nn.LSTMBlockCellGrad.Inputs
The input to the LSTM cell, shape (batch_size, num_inputs).
x - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
A 4D input Tensor.
x - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
2-D or higher with shape [..., r_x, c_x].
x1 - Variable in class org.tensorflow.op.math.NextAfter.Inputs
The x1 input
x2 - Variable in class org.tensorflow.op.math.NextAfter.Inputs
The x2 input
xBackprop() - Method in class org.tensorflow.op.nn.FusedBatchNormGrad
Gets xBackprop.
xDensity - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
Horizontal pixels per density unit.
xDensity(Long) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the xDensity option.
xDensity(Long) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the xDensity option.
xdivy(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns 0 if x == 0, and x / y otherwise, elementwise.
Xdivy<T extends TType> - Class in org.tensorflow.op.math
Returns 0 if x == 0, and x / y otherwise, elementwise.
Xdivy(Operation) - Constructor for class org.tensorflow.op.math.Xdivy
 
Xdivy.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
xGrad() - Method in class org.tensorflow.op.nn.BlockLSTMGrad
Gets xGrad.
xla - Variable in class org.tensorflow.op.Ops
 
xlaHostCompute(Iterable<Operand<?>>, List<Class<? extends TType>>, List<String>, List<Shape>, ConcreteFunction, String, XlaHostCompute.Options...) - Method in class org.tensorflow.op.XlaOps
A pseudo-op to represent host-side computation in an XLA program.
XlaHostCompute - Class in org.tensorflow.op.xla
A pseudo-op to represent host-side computation in an XLA program.
XlaHostCompute(Operation) - Constructor for class org.tensorflow.op.xla.XlaHostCompute
 
XlaHostCompute.Inputs - Class in org.tensorflow.op.xla
 
XlaHostCompute.Options - Class in org.tensorflow.op.xla
Optional attributes for XlaHostCompute
XlaOps - Class in org.tensorflow.op
An API for building xla operations as Ops
xlaRecvFromHost(Class<T>, Shape, String) - Method in class org.tensorflow.op.XlaOps
An op to receive a tensor from the host.
XlaRecvFromHost<T extends TType> - Class in org.tensorflow.op.xla
An op to receive a tensor from the host.
XlaRecvFromHost(Operation) - Constructor for class org.tensorflow.op.xla.XlaRecvFromHost
 
XlaRecvFromHost.Inputs - Class in org.tensorflow.op.xla
 
xlaRecvTPUEmbeddingActivations(Operand<? extends TType>, Long, String) - Method in class org.tensorflow.op.XlaOps
An op that receives embedding activations on the TPU.
XlaRecvTPUEmbeddingActivations - Class in org.tensorflow.op.xla
An op that receives embedding activations on the TPU.
XlaRecvTPUEmbeddingActivations(Operation) - Constructor for class org.tensorflow.op.xla.XlaRecvTPUEmbeddingActivations
 
XlaRecvTPUEmbeddingActivations.Inputs - Class in org.tensorflow.op.xla
 
xlaRecvTPUEmbeddingDeduplicationData(String) - Method in class org.tensorflow.op.XlaOps
Receives deduplication data (indices and weights) from the embedding core.
XlaRecvTPUEmbeddingDeduplicationData - Class in org.tensorflow.op.xla
Receives deduplication data (indices and weights) from the embedding core.
XlaRecvTPUEmbeddingDeduplicationData(Operation) - Constructor for class org.tensorflow.op.xla.XlaRecvTPUEmbeddingDeduplicationData
 
XlaRecvTPUEmbeddingDeduplicationData.Inputs - Class in org.tensorflow.op.xla
 
xlaSendToHost(Operand<? extends TType>, String) - Method in class org.tensorflow.op.XlaOps
An op to send a tensor to the host.
XlaSendToHost - Class in org.tensorflow.op.xla
An op to send a tensor to the host.
XlaSendToHost(Operation) - Constructor for class org.tensorflow.op.xla.XlaSendToHost
 
XlaSendToHost.Inputs - Class in org.tensorflow.op.xla
 
xlaSendTPUEmbeddingGradients(Iterable<Operand<TFloat32>>, Iterable<Operand<TFloat32>>, Operand<? extends TType>, String, XlaSendTPUEmbeddingGradients.Options...) - Method in class org.tensorflow.op.XlaOps
An op that performs gradient updates of embedding tables.
XlaSendTPUEmbeddingGradients - Class in org.tensorflow.op.xla
An op that performs gradient updates of embedding tables.
XlaSendTPUEmbeddingGradients(Operation) - Constructor for class org.tensorflow.op.xla.XlaSendTPUEmbeddingGradients
 
XlaSendTPUEmbeddingGradients.Inputs - Class in org.tensorflow.op.xla
 
XlaSendTPUEmbeddingGradients.Options - Class in org.tensorflow.op.xla
Optional attributes for XlaSendTPUEmbeddingGradients
xlaSparseCoreAdagrad(Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long) - Method in class org.tensorflow.op.XlaOps
The XlaSparseCoreAdagrad operation
XlaSparseCoreAdagrad - Class in org.tensorflow.op.xla
The XlaSparseCoreAdagrad operation
XlaSparseCoreAdagrad(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreAdagrad
 
XlaSparseCoreAdagrad.Inputs - Class in org.tensorflow.op.xla
 
xlaSparseCoreAdagradMomentum(Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Boolean, Float, Float) - Method in class org.tensorflow.op.XlaOps
The XlaSparseCoreAdagradMomentum operation
XlaSparseCoreAdagradMomentum - Class in org.tensorflow.op.xla
The XlaSparseCoreAdagradMomentum operation
XlaSparseCoreAdagradMomentum(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreAdagradMomentum
 
XlaSparseCoreAdagradMomentum.Inputs - Class in org.tensorflow.op.xla
 
xlaSparseCoreAdam(Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Boolean) - Method in class org.tensorflow.op.XlaOps
The XlaSparseCoreAdam operation
XlaSparseCoreAdam - Class in org.tensorflow.op.xla
The XlaSparseCoreAdam operation
XlaSparseCoreAdam(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreAdam
 
XlaSparseCoreAdam.Inputs - Class in org.tensorflow.op.xla
 
xlaSparseCoreFtrl(Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long, Boolean, Float) - Method in class org.tensorflow.op.XlaOps
The XlaSparseCoreFtrl operation
XlaSparseCoreFtrl - Class in org.tensorflow.op.xla
The XlaSparseCoreFtrl operation
XlaSparseCoreFtrl(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreFtrl
 
XlaSparseCoreFtrl.Inputs - Class in org.tensorflow.op.xla
 
xlaSparseCoreSgd(Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Long) - Method in class org.tensorflow.op.XlaOps
The XlaSparseCoreSgd operation
XlaSparseCoreSgd - Class in org.tensorflow.op.xla
The XlaSparseCoreSgd operation
XlaSparseCoreSgd(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseCoreSgd
 
XlaSparseCoreSgd.Inputs - Class in org.tensorflow.op.xla
 
xlaSparseDenseMatmul(Operand<TInt32>, Operand<? extends TType>, Operand<TFloat32>, Operand<? extends TType>, Operand<TFloat32>, Long, Long, Long) - Method in class org.tensorflow.op.XlaOps
The XlaSparseDenseMatmul operation
XlaSparseDenseMatmul - Class in org.tensorflow.op.xla
The XlaSparseDenseMatmul operation
XlaSparseDenseMatmul(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmul
 
XlaSparseDenseMatmul.Inputs - Class in org.tensorflow.op.xla
 
xlaSparseDenseMatmulGradWithAdagradAndCsrInput(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, String, XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Options...) - Method in class org.tensorflow.op.XlaOps
The XlaSparseDenseMatmulGradWithAdagradAndCsrInput operation
XlaSparseDenseMatmulGradWithAdagradAndCsrInput - Class in org.tensorflow.op.xla
The XlaSparseDenseMatmulGradWithAdagradAndCsrInput operation
XlaSparseDenseMatmulGradWithAdagradAndCsrInput(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradAndCsrInput
 
XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Inputs - Class in org.tensorflow.op.xla
 
XlaSparseDenseMatmulGradWithAdagradAndCsrInput.Options - Class in org.tensorflow.op.xla
xlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Boolean, Float, Float, Float, Float, String, XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Options...) - Method in class org.tensorflow.op.XlaOps
The XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput operation
XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput - Class in org.tensorflow.op.xla
The XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput operation
XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput
 
XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Inputs - Class in org.tensorflow.op.xla
 
XlaSparseDenseMatmulGradWithAdagradMomentumAndCsrInput.Options - Class in org.tensorflow.op.xla
xlaSparseDenseMatmulGradWithAdamAndCsrInput(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Boolean, Float, Float, Float, String, XlaSparseDenseMatmulGradWithAdamAndCsrInput.Options...) - Method in class org.tensorflow.op.XlaOps
The XlaSparseDenseMatmulGradWithAdamAndCsrInput operation
XlaSparseDenseMatmulGradWithAdamAndCsrInput - Class in org.tensorflow.op.xla
The XlaSparseDenseMatmulGradWithAdamAndCsrInput operation
XlaSparseDenseMatmulGradWithAdamAndCsrInput(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithAdamAndCsrInput
 
XlaSparseDenseMatmulGradWithAdamAndCsrInput.Inputs - Class in org.tensorflow.op.xla
 
XlaSparseDenseMatmulGradWithAdamAndCsrInput.Options - Class in org.tensorflow.op.xla
xlaSparseDenseMatmulGradWithFtrlAndCsrInput(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Boolean, Float, Float, Float, Float, String, XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Options...) - Method in class org.tensorflow.op.XlaOps
The XlaSparseDenseMatmulGradWithFtrlAndCsrInput operation
XlaSparseDenseMatmulGradWithFtrlAndCsrInput - Class in org.tensorflow.op.xla
The XlaSparseDenseMatmulGradWithFtrlAndCsrInput operation
XlaSparseDenseMatmulGradWithFtrlAndCsrInput(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithFtrlAndCsrInput
 
XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Inputs - Class in org.tensorflow.op.xla
 
XlaSparseDenseMatmulGradWithFtrlAndCsrInput.Options - Class in org.tensorflow.op.xla
xlaSparseDenseMatmulGradWithSgdAndCsrInput(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, String, XlaSparseDenseMatmulGradWithSgdAndCsrInput.Options...) - Method in class org.tensorflow.op.XlaOps
The XlaSparseDenseMatmulGradWithSgdAndCsrInput operation
XlaSparseDenseMatmulGradWithSgdAndCsrInput - Class in org.tensorflow.op.xla
The XlaSparseDenseMatmulGradWithSgdAndCsrInput operation
XlaSparseDenseMatmulGradWithSgdAndCsrInput(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulGradWithSgdAndCsrInput
 
XlaSparseDenseMatmulGradWithSgdAndCsrInput.Inputs - Class in org.tensorflow.op.xla
 
XlaSparseDenseMatmulGradWithSgdAndCsrInput.Options - Class in org.tensorflow.op.xla
xlaSparseDenseMatmulWithCsrInput(Operand<TInt32>, Operand<TInt32>, Operand<TInt32>, Operand<TFloat32>, Operand<TFloat32>, Operand<TInt32>, Long, Float, Float, Long, String) - Method in class org.tensorflow.op.XlaOps
The XlaSparseDenseMatmulWithCsrInput operation
XlaSparseDenseMatmulWithCsrInput - Class in org.tensorflow.op.xla
The XlaSparseDenseMatmulWithCsrInput operation
XlaSparseDenseMatmulWithCsrInput(Operation) - Constructor for class org.tensorflow.op.xla.XlaSparseDenseMatmulWithCsrInput
 
XlaSparseDenseMatmulWithCsrInput.Inputs - Class in org.tensorflow.op.xla
 
xlog1py(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns 0 if x == 0, and x * log1p(y) otherwise, elementwise.
Xlog1py<T extends TType> - Class in org.tensorflow.op.math
Returns 0 if x == 0, and x * log1p(y) otherwise, elementwise.
Xlog1py(Operation) - Constructor for class org.tensorflow.op.math.Xlog1py
 
Xlog1py.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
xlogy(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Returns 0 if x == 0, and x * log(y) otherwise, elementwise.
Xlogy<T extends TType> - Class in org.tensorflow.op.math
Returns 0 if x == 0, and x * log(y) otherwise, elementwise.
Xlogy(Operation) - Constructor for class org.tensorflow.op.math.Xlogy
 
Xlogy.Inputs<T extends TType> - Class in org.tensorflow.op.math
 
xMax - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
The value represented by the highest quantized input.
xMin - Variable in class org.tensorflow.op.nn.QuantizedInstanceNorm.Inputs
The value represented by the lowest quantized input.
xmpMetadata - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
If not empty, embed this XMP metadata in the image header.
xmpMetadata(String) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the xmpMetadata option.
xmpMetadata(String) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the xmpMetadata option.

Y

y - Variable in class org.tensorflow.op.bitwise.BitwiseAnd.Inputs
The y input
y - Variable in class org.tensorflow.op.bitwise.BitwiseOr.Inputs
The y input
y - Variable in class org.tensorflow.op.bitwise.BitwiseXor.Inputs
The y input
y - Variable in class org.tensorflow.op.bitwise.LeftShift.Inputs
The y input
y - Variable in class org.tensorflow.op.bitwise.RightShift.Inputs
The y input
y - Variable in class org.tensorflow.op.core.SetDiff1d.Inputs
1-D.
y - Variable in class org.tensorflow.op.math.Add.Inputs
The y input
y - Variable in class org.tensorflow.op.math.ApproximateEqual.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Atan2.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Div.Inputs
The y input
y - Variable in class org.tensorflow.op.math.DivNoNan.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Equal.Inputs
The y input
y - Variable in class org.tensorflow.op.math.FloorDiv.Inputs
The y input
y - Variable in class org.tensorflow.op.math.FloorMod.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Greater.Inputs
The y input
y - Variable in class org.tensorflow.op.math.GreaterEqual.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Less.Inputs
The y input
y - Variable in class org.tensorflow.op.math.LessEqual.Inputs
The y input
y - Variable in class org.tensorflow.op.math.LogicalAnd.Inputs
The y input
y - Variable in class org.tensorflow.op.math.LogicalOr.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Maximum.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Minimum.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Mod.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Mul.Inputs
The y input
y - Variable in class org.tensorflow.op.math.MulNoNan.Inputs
The y input
y - Variable in class org.tensorflow.op.math.NotEqual.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Pow.Inputs
The y input
y - Variable in class org.tensorflow.op.math.QuantizedAdd.Inputs
The y input
y - Variable in class org.tensorflow.op.math.QuantizedMul.Inputs
The y input
y - Variable in class org.tensorflow.op.math.RealDiv.Inputs
The y input
y - Variable in class org.tensorflow.op.math.ReciprocalGrad.Inputs
The y input
y - Variable in class org.tensorflow.op.math.RsqrtGrad.Inputs
The y input
y - Variable in class org.tensorflow.op.math.SigmoidGrad.Inputs
The y input
y - Variable in class org.tensorflow.op.math.SqrtGrad.Inputs
The y input
y - Variable in class org.tensorflow.op.math.SquaredDifference.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Sub.Inputs
The y input
y - Variable in class org.tensorflow.op.math.TanhGrad.Inputs
The y input
y - Variable in class org.tensorflow.op.math.TruncateDiv.Inputs
The y input
y - Variable in class org.tensorflow.op.math.TruncateMod.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Xdivy.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Xlog1py.Inputs
The y input
y - Variable in class org.tensorflow.op.math.Xlogy.Inputs
The y input
y - Variable in class org.tensorflow.op.nn.InvGrad.Inputs
The y input
y - Variable in class org.tensorflow.op.train.BatchMatMul.Inputs
2-D or higher with shape [..., r_y, c_y].
y() - Method in class org.tensorflow.op.bitwise.Invert
Gets y.
y() - Method in class org.tensorflow.op.core.DeepCopy
Gets y.
y() - Method in class org.tensorflow.op.core.InplaceAdd
Gets y.
y() - Method in class org.tensorflow.op.core.InplaceSub
Gets y.
y() - Method in class org.tensorflow.op.core.InplaceUpdate
Gets y.
y() - Method in class org.tensorflow.op.core.OnesLike
Gets y.
y() - Method in class org.tensorflow.op.core.Unique
Gets y.
y() - Method in class org.tensorflow.op.core.UniqueWithCounts
Gets y.
y() - Method in class org.tensorflow.op.core.ZerosLike
Gets y.
y() - Method in class org.tensorflow.op.dtypes.Cast
Gets y.
y() - Method in class org.tensorflow.op.linalg.ConjugateTranspose
Gets y.
y() - Method in class org.tensorflow.op.linalg.Transpose
Gets y.
y() - Method in class org.tensorflow.op.math.Abs
Gets y.
y() - Method in class org.tensorflow.op.math.Acos
Gets y.
y() - Method in class org.tensorflow.op.math.Acosh
Gets y.
y() - Method in class org.tensorflow.op.math.Asin
Gets y.
y() - Method in class org.tensorflow.op.math.Asinh
Gets y.
y() - Method in class org.tensorflow.op.math.Atan
Gets y.
y() - Method in class org.tensorflow.op.math.Atanh
Gets y.
y() - Method in class org.tensorflow.op.math.BesselI0
Gets y.
y() - Method in class org.tensorflow.op.math.BesselI0e
Gets y.
y() - Method in class org.tensorflow.op.math.BesselI1
Gets y.
y() - Method in class org.tensorflow.op.math.BesselI1e
Gets y.
y() - Method in class org.tensorflow.op.math.Ceil
Gets y.
y() - Method in class org.tensorflow.op.math.ComplexAbs
Gets y.
y() - Method in class org.tensorflow.op.math.Cos
Gets y.
y() - Method in class org.tensorflow.op.math.Cosh
Gets y.
y() - Method in class org.tensorflow.op.math.Digamma
Gets y.
y() - Method in class org.tensorflow.op.math.Erf
Gets y.
y() - Method in class org.tensorflow.op.math.Erfc
Gets y.
y() - Method in class org.tensorflow.op.math.erfinv
Gets y.
y() - Method in class org.tensorflow.op.math.Exp
Gets y.
y() - Method in class org.tensorflow.op.math.Expm1
Gets y.
y() - Method in class org.tensorflow.op.math.Floor
Gets y.
y() - Method in class org.tensorflow.op.math.InvertPermutation
Gets y.
y() - Method in class org.tensorflow.op.math.IsFinite
Gets y.
y() - Method in class org.tensorflow.op.math.IsInf
Gets y.
y() - Method in class org.tensorflow.op.math.IsNan
Gets y.
y() - Method in class org.tensorflow.op.math.Lgamma
Gets y.
y() - Method in class org.tensorflow.op.math.Log
Gets y.
y() - Method in class org.tensorflow.op.math.Log1p
Gets y.
y() - Method in class org.tensorflow.op.math.LogicalNot
Gets y.
y() - Method in class org.tensorflow.op.math.Ndtri
Gets y.
y() - Method in class org.tensorflow.op.math.Neg
Gets y.
y() - Method in class org.tensorflow.op.math.PopulationCount
Gets y.
y() - Method in class org.tensorflow.op.math.Reciprocal
Gets y.
y() - Method in class org.tensorflow.op.math.Rint
Gets y.
y() - Method in class org.tensorflow.op.math.Round
Gets y.
y() - Method in class org.tensorflow.op.math.Rsqrt
Gets y.
y() - Method in class org.tensorflow.op.math.Sigmoid
Gets y.
y() - Method in class org.tensorflow.op.math.Sign
Gets y.
y() - Method in class org.tensorflow.op.math.Sin
Gets y.
y() - Method in class org.tensorflow.op.math.Sinh
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselJ0
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselJ1
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselK0
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselK0e
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselK1
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselK1e
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselY0
Gets y.
y() - Method in class org.tensorflow.op.math.special.BesselY1
Gets y.
y() - Method in class org.tensorflow.op.math.special.Dawsn
Gets y.
y() - Method in class org.tensorflow.op.math.special.Expint
Gets y.
y() - Method in class org.tensorflow.op.math.special.FresnelCos
Gets y.
y() - Method in class org.tensorflow.op.math.special.FresnelSin
Gets y.
y() - Method in class org.tensorflow.op.math.special.Spence
Gets y.
y() - Method in class org.tensorflow.op.math.Sqrt
Gets y.
y() - Method in class org.tensorflow.op.math.Square
Gets y.
y() - Method in class org.tensorflow.op.math.Tan
Gets y.
y() - Method in class org.tensorflow.op.math.Tanh
Gets y.
y() - Method in class org.tensorflow.op.nn.DataFormatDimMap
Gets y.
y() - Method in class org.tensorflow.op.nn.DataFormatVecPermute
Gets y.
y() - Method in class org.tensorflow.op.nn.FusedBatchNorm
Gets y.
y() - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Gets y.
yBackprop - Variable in class org.tensorflow.op.nn.FusedBatchNormGrad.Inputs
A 4D Tensor for the gradient with respect to y.
yDensity - Variable in class org.tensorflow.op.image.EncodeJpeg.Inputs
Vertical pixels per density unit.
yDensity(Long) - Method in class org.tensorflow.op.image.EncodeJpeg.Options
Sets the yDensity option.
yDensity(Long) - Static method in class org.tensorflow.op.image.EncodeJpeg
Sets the yDensity option.
yMax() - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Gets yMax.
yMin() - Method in class org.tensorflow.op.nn.QuantizedInstanceNorm
Gets yMin.

Z

z() - Method in class org.tensorflow.op.bitwise.BitwiseAnd
Gets z.
z() - Method in class org.tensorflow.op.bitwise.BitwiseOr
Gets z.
z() - Method in class org.tensorflow.op.bitwise.BitwiseXor
Gets z.
z() - Method in class org.tensorflow.op.bitwise.LeftShift
Gets z.
z() - Method in class org.tensorflow.op.bitwise.RightShift
Gets z.
z() - Method in class org.tensorflow.op.math.Add
Gets z.
z() - Method in class org.tensorflow.op.math.ApproximateEqual
Gets z.
z() - Method in class org.tensorflow.op.math.Atan2
Gets z.
z() - Method in class org.tensorflow.op.math.Betainc
Gets z.
z() - Method in class org.tensorflow.op.math.Div
Gets z.
z() - Method in class org.tensorflow.op.math.DivNoNan
Gets z.
z() - Method in class org.tensorflow.op.math.Equal
Gets z.
z() - Method in class org.tensorflow.op.math.FloorDiv
Gets z.
z() - Method in class org.tensorflow.op.math.FloorMod
Gets z.
z() - Method in class org.tensorflow.op.math.Greater
Gets z.
z() - Method in class org.tensorflow.op.math.GreaterEqual
Gets z.
z() - Method in class org.tensorflow.op.math.Igamma
Gets z.
z() - Method in class org.tensorflow.op.math.Igammac
Gets z.
z() - Method in class org.tensorflow.op.math.IgammaGradA
Gets z.
z() - Method in class org.tensorflow.op.math.Less
Gets z.
z() - Method in class org.tensorflow.op.math.LessEqual
Gets z.
z() - Method in class org.tensorflow.op.math.LogicalAnd
Gets z.
z() - Method in class org.tensorflow.op.math.LogicalOr
Gets z.
z() - Method in class org.tensorflow.op.math.Maximum
Gets z.
z() - Method in class org.tensorflow.op.math.Minimum
Gets z.
z() - Method in class org.tensorflow.op.math.Mod
Gets z.
z() - Method in class org.tensorflow.op.math.Mul
Gets z.
z() - Method in class org.tensorflow.op.math.MulNoNan
Gets z.
z() - Method in class org.tensorflow.op.math.NotEqual
Gets z.
z() - Method in class org.tensorflow.op.math.Polygamma
Gets z.
z() - Method in class org.tensorflow.op.math.Pow
Gets z.
z() - Method in class org.tensorflow.op.math.QuantizedAdd
Gets z.
z() - Method in class org.tensorflow.op.math.QuantizedMul
Gets z.
z() - Method in class org.tensorflow.op.math.RealDiv
Gets z.
z() - Method in class org.tensorflow.op.math.ReciprocalGrad
Gets z.
z() - Method in class org.tensorflow.op.math.RsqrtGrad
Gets z.
z() - Method in class org.tensorflow.op.math.SigmoidGrad
Gets z.
z() - Method in class org.tensorflow.op.math.SqrtGrad
Gets z.
z() - Method in class org.tensorflow.op.math.SquaredDifference
Gets z.
z() - Method in class org.tensorflow.op.math.Sub
Gets z.
z() - Method in class org.tensorflow.op.math.TanhGrad
Gets z.
z() - Method in class org.tensorflow.op.math.TruncateDiv
Gets z.
z() - Method in class org.tensorflow.op.math.TruncateMod
Gets z.
z() - Method in class org.tensorflow.op.math.Xdivy
Gets z.
z() - Method in class org.tensorflow.op.math.Xlog1py
Gets z.
z() - Method in class org.tensorflow.op.math.Xlogy
Gets z.
z() - Method in class org.tensorflow.op.math.Zeta
Gets z.
z() - Method in class org.tensorflow.op.nn.InvGrad
Gets z.
zeroPoints - Variable in class org.tensorflow.op.core.UniformQuantizedClipByValue.Inputs
The int32 value(s) used as zero_point(s) when quantizing operand, min and max.
zeroPoints - Variable in class org.tensorflow.op.quantization.UniformDequantize.Inputs
The int32 value(s) used as zero_point(s) when quantizing original data that input represents.
zeroPoints - Variable in class org.tensorflow.op.quantization.UniformQuantize.Inputs
The int32 value(s) to use as zero_point(s) to quantize input.
zeros(Operand<? extends TNumber>, Class<T>) - Method in class org.tensorflow.op.Ops
Creates a zeroed tensor given its type and shape.
Zeros<T extends TType> - Class in org.tensorflow.op.core
An operator creating a constant initialized with zeros of the shape given by `dims`.
zerosLike(Operand<T>) - Method in class org.tensorflow.op.Ops
Returns a tensor of zeros with the same shape and type as x.
ZerosLike<T extends TType> - Class in org.tensorflow.op.core
Returns a tensor of zeros with the same shape and type as x.
ZerosLike(Operation) - Constructor for class org.tensorflow.op.core.ZerosLike
 
ZerosLike.Inputs<T extends TType> - Class in org.tensorflow.op.core
 
zeta(Operand<T>, Operand<T>) - Method in class org.tensorflow.op.MathOps
Compute the Hurwitz zeta function \(\zeta(x, q)\).
Zeta<T extends TNumber> - Class in org.tensorflow.op.math
Compute the Hurwitz zeta function \(\zeta(x, q)\).
Zeta(Operation) - Constructor for class org.tensorflow.op.math.Zeta
 
Zeta.Inputs<T extends TNumber> - Class in org.tensorflow.op.math
 
zipDataset(Iterable<Operand<? extends TType>>, List<Class<? extends TType>>, List<Shape>, ZipDataset.Options...) - Method in class org.tensorflow.op.DataOps
Creates a dataset that zips together input_datasets.
ZipDataset - Class in org.tensorflow.op.data
Creates a dataset that zips together input_datasets.
ZipDataset(Operation) - Constructor for class org.tensorflow.op.data.ZipDataset
 
ZipDataset.Inputs - Class in org.tensorflow.op.data
 
ZipDataset.Options - Class in org.tensorflow.op.data
Optional attributes for ZipDataset
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 
All Classes and Interfaces|All Packages|Constant Field Values