tensorflow:: ops
Summary
Typedefs |
|
---|---|
Mul
|
typedef |
Neg
|
typedef |
ReduceAll
|
typedef |
ReduceAny
|
typedef |
ReduceMax
|
typedef |
ReduceMean
|
typedef |
ReduceMin
|
typedef |
ReduceProd
|
typedef |
ReduceSum
|
typedef |
Sub
|
typedef |
Functions |
|
---|---|
AsNodeOut(const Scope & scope, const Input & inp)
|
NodeBuilder::NodeOut
|
AsNodeOutList(const Scope & scope, const InputList & inp)
|
std::vector< NodeBuilder::NodeOut >
|
AudioSummary(const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor, ::tensorflow::Input sample_rate)
|
|
AudioSummary(const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor, ::tensorflow::Input sample_rate, const AudioSummary::Attrs & attrs)
|
|
BadColor(const TensorProto & x)
|
TF_MUST_USE_RESULT Attrs
Color to use for pixels with non-finite values.
|
Const(const Scope & scope, const Input::Initializer & val)
|
|
Const(const Scope & scope, const T & v, const TensorShape shape)
|
|
Const(const Scope & scope, const std::initializer_list< T > & v, const TensorShape shape)
|
|
ConstFromProto(const Scope & scope, const TensorProto & proto)
|
|
ImageSummary(const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor)
|
|
ImageSummary(const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor, const ImageSummary::Attrs & attrs)
|
|
MaxImages(int64 x)
|
Attrs
|
MaxOutputs(int64 x)
|
Attrs
|
node() const
|
::tensorflow::Node *
|
range(It represents the value of a *pixel in the output image).Non-finite values in the input tensor are *replaced by this tensor in the output image.The default value is the color *red.**Arguments
|
image **If max_images is greater the summary value tags are *generated sequentially as *tag *tag etc **The bad_color argument is the color to use in the generated images for *non finite input values It is a uint8 D tensor of length channels *Each element must be in the
Max number of batch elements to generate images for.
|
Classes |
|
---|---|
tensorflow:: |
Raise a exception to abort the process when called. |
tensorflow:: |
Computes the absolute value of a tensor. |
tensorflow:: |
Returns the element-wise sum of a list of tensors. |
tensorflow:: |
Applies a gradient to a given accumulator. |
tensorflow:: |
Returns the number of gradients aggregated in the given accumulators. |
tensorflow:: |
Updates the accumulator with a new value for global_step. |
tensorflow:: |
Extracts the average gradient in the given ConditionalAccumulator. |
tensorflow:: |
Computes acos of x element-wise. |
tensorflow:: |
Computes inverse hyperbolic cosine of x element-wise. |
tensorflow:: |
Returns x + y element-wise. |
tensorflow:: |
Add an |
tensorflow:: |
Add all input tensors element wise. |
tensorflow:: |
Add a |
tensorflow:: |
Returns x + y element-wise. |
tensorflow:: |
Adjust the contrast of one or more images. |
tensorflow:: |
Adjust the hue of one or more images. |
tensorflow:: |
Adjust the saturation of one or more images. |
tensorflow:: |
Computes the "logical and" of elements across dimensions of a tensor. |
tensorflow:: |
Generates labels for candidate sampling with a learned unigram distribution. |
tensorflow:: |
Returns the argument of a complex number. |
tensorflow:: |
Computes the "logical or" of elements across dimensions of a tensor. |
tensorflow:: |
Update '*var' according to the adadelta scheme. |
tensorflow:: |
Update '*var' according to the adagrad scheme. |
tensorflow:: |
Update '*var' according to the proximal adagrad scheme. |
tensorflow:: |
Update '*var' according to the Adam algorithm. |
tensorflow:: |
Update '*var' according to the AddSign update. |
tensorflow:: |
Update '*var' according to the centered RMSProp algorithm. |
tensorflow:: |
Update '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update '*var' by subtracting 'alpha' * 'delta' from it. |
tensorflow:: |
Update '*var' according to the momentum scheme. |
tensorflow:: |
Update '*var' according to the AddSign update. |
tensorflow:: |
Update '*var' and '*accum' according to FOBOS with Adagrad learning rate. |
tensorflow:: |
Update '*var' as FOBOS algorithm with fixed learning rate. |
tensorflow:: |
Update '*var' according to the RMSProp algorithm. |
tensorflow:: |
Returns the truth value of abs(x-y) < tolerance element-wise. |
tensorflow:: |
Returns the index with the largest value across dimensions of a tensor. |
tensorflow:: |
Returns the index with the smallest value across dimensions of a tensor. |
tensorflow:: |
Converts each entry in the given tensor to strings. |
tensorflow:: |
Computes the trignometric inverse sine of x element-wise. |
tensorflow:: |
Computes inverse hyperbolic sine of x element-wise. |
tensorflow:: |
Asserts that the given condition is true. |
tensorflow:: |
Update 'ref' by assigning 'value' to it. |
tensorflow:: |
Update 'ref' by adding 'value' to it. |
tensorflow:: |
Update 'ref' by subtracting 'value' from it. |
tensorflow:: |
Computes the trignometric inverse tangent of x element-wise. |
tensorflow:: |
Computes arctangent of |
tensorflow:: |
Computes inverse hyperbolic tangent of x element-wise. |
tensorflow:: |
Performs average pooling on the input. |
tensorflow:: |
Performs 3D average pooling on the input. |
tensorflow:: |
Computes gradients of average pooling function. |
tensorflow:: |
Defines a barrier that persists across different graph executions. |
tensorflow:: |
Closes the given barrier. |
tensorflow:: |
Computes the number of incomplete elements in the given barrier. |
tensorflow:: |
For each key, assigns the respective value to the specified component. |
tensorflow:: |
Computes the number of complete elements in the given barrier. |
tensorflow:: |
Takes the given number of completed elements from a barrier. |
tensorflow:: |
Multiplies slices of two tensors in batches. |
tensorflow:: |
Multiplies slices of two tensors in batches. |
tensorflow:: |
BatchToSpace for 4-D tensors of type T. |
tensorflow:: |
BatchToSpace for N-D tensors of type T. |
tensorflow:: |
Computes the Bessel i0e function of |
tensorflow:: |
Computes the Bessel i1e function of |
tensorflow:: |
Compute the regularized incomplete beta integral \(I_x(a, b)\). |
tensorflow:: |
Adds |
tensorflow:: |
The backward operation for "BiasAdd" on the "bias" tensor. |
tensorflow:: |
Counts the number of occurrences of each value in an integer array. |
tensorflow:: |
Bitcasts a tensor from one type to another without copying data. |
tensorflow:: |
Return the shape of s0 op s1 with broadcast. |
tensorflow:: |
Broadcast an array for a compatible shape. |
tensorflow:: |
Bucketizes 'input' based on 'boundaries'. |
tensorflow:: |
Cast x of type SrcT to y of DstT. |
tensorflow:: |
Returns element-wise smallest integer not less than x. |
tensorflow:: |
Checks a tensor for NaN and Inf values. |
tensorflow:: |
Clips tensor values to a specified min and max. |
tensorflow:: |
Greedily selects a subset of bounding boxes in descending order of score,. |
tensorflow:: |
Compare values of |
tensorflow:: |
Converts two real numbers to a complex number. |
tensorflow:: |
Computes the complex absolute value of a tensor. |
tensorflow:: |
Computes the ids of the positions in sampled_candidates that match true_labels. |
tensorflow:: |
Concatenates tensors along one dimension. |
tensorflow:: |
A conditional accumulator for aggregating gradients. |
tensorflow:: |
Returns the complex conjugate of a complex number. |
tensorflow:: |
Shuffle dimensions of x according to a permutation and conjugate the result. |
tensorflow:: |
Does nothing. |
tensorflow:: |
Computes a 2-D convolution given 4-D |
tensorflow:: |
Computes the gradients of convolution with respect to the filter. |
tensorflow:: |
Computes the gradients of convolution with respect to the input. |
tensorflow:: |
Computes a 3-D convolution given 5-D |
tensorflow:: |
Computes the gradients of 3-D convolution with respect to the filter. |
tensorflow:: |
Computes the gradients of 3-D convolution with respect to the input. |
tensorflow:: |
Computes cos of x element-wise. |
tensorflow:: |
Computes hyperbolic cosine of x element-wise. |
tensorflow:: |
Increments 'ref' until it reaches 'limit'. |
tensorflow:: |
Extracts crops from the input image tensor and resizes them. |
tensorflow:: |
Computes the gradient of the crop_and_resize op wrt the input boxes tensor. |
tensorflow:: |
Computes the gradient of the crop_and_resize op wrt the input image tensor. |
tensorflow:: |
Compute the pairwise cross product. |
tensorflow:: |
Compute the cumulative product of the tensor |
tensorflow:: |
Compute the cumulative sum of the tensor |
tensorflow:: |
Returns the dimension index in the destination data format given the one in. |
tensorflow:: |
Returns the permuted vector/tensor in the destination data format given the. |
tensorflow:: |
Identity op for gradient debugging. |
tensorflow:: |
Identity op for gradient debugging. |
tensorflow:: |
Decode and Crop a JPEG-encoded image to a uint8 tensor. |
tensorflow:: |
Decode web-safe base64-encoded strings. |
tensorflow:: |
Decode the first frame of a BMP-encoded image to a uint8 tensor. |
tensorflow:: |
Convert CSV records to tensors. |
tensorflow:: |
Decompress strings. |
tensorflow:: |
Decode the frame(s) of a GIF-encoded image to a uint8 tensor. |
tensorflow:: |
Convert JSON-encoded Example records to binary protocol buffer strings. |
tensorflow:: |
Decode a JPEG-encoded image to a uint8 tensor. |
tensorflow:: |
Reinterpret the bytes of a string as a vector of numbers. |
tensorflow:: |
Decode a PNG-encoded image to a uint8 or uint16 tensor. |
tensorflow:: |
Reinterpret the bytes of a string as a vector of numbers. |
tensorflow:: |
Makes a copy of |
tensorflow:: |
Delete the tensor specified by its handle in the session. |
tensorflow:: |
DepthToSpace for tensors of type T. |
tensorflow:: |
Computes a 2-D depthwise convolution given 4-D |
tensorflow:: |
Computes the gradients of depthwise convolution with respect to the filter. |
tensorflow:: |
Computes the gradients of depthwise convolution with respect to the input. |
tensorflow:: |
Dequantize the 'input' tensor into a float or bfloat16 Tensor. |
tensorflow:: |
Deserialize and concatenate |
tensorflow:: |
Deserialize |
tensorflow:: |
Destroys the temporary variable and returns its final value. |
tensorflow:: |
Returns a diagonal tensor with a given diagonal values. |
tensorflow:: |
Returns the diagonal part of the tensor. |
tensorflow:: |
Computes Psi, the derivative of Lgamma (the log of the absolute value of. |
tensorflow:: |
Computes the grayscale dilation of 4-D |
tensorflow:: |
Computes the gradient of morphological 2-D dilation with respect to the filter. |
tensorflow:: |
Computes the gradient of morphological 2-D dilation with respect to the input. |
tensorflow:: |
Returns x / y element-wise. |
tensorflow:: |
Returns 0 if the denominator is zero. |
tensorflow:: |
Draw bounding boxes on a batch of images. |
tensorflow:: |
Draw bounding boxes on a batch of images. |
tensorflow:: |
Partitions |
tensorflow:: |
Interleave the values from the |
tensorflow:: |
Computes the (possibly normalized) Levenshtein Edit Distance. |
tensorflow:: |
Computes exponential linear: |
tensorflow:: |
Creates a tensor with the given shape. |
tensorflow:: |
Encode strings into web-safe base64 format. |
tensorflow:: |
JPEG-encode an image. |
tensorflow:: |
JPEG encode input image with provided compression quality. |
tensorflow:: |
PNG-encode an image. |
tensorflow:: |
Ensures that the tensor's shape matches the expected shape. |
tensorflow:: |
Returns the truth value of (x == y) element-wise. |
tensorflow:: |
Computes the Gauss error function of |
tensorflow:: |
Computes the complementary error function of |
tensorflow:: |
TODO: add doc. |
tensorflow:: |
Computes the euclidean norm of elements across dimensions of a tensor. |
tensorflow:: |
Computes exponential of x element-wise. |
tensorflow:: |
Inserts a dimension of 1 into a tensor's shape. |
tensorflow:: |
Computes |
tensorflow:: |
Extracts a glimpse from the input tensor. |
tensorflow:: |
Extract |
tensorflow:: |
Extract the shape information of a JPEG-encoded image. |
tensorflow:: |
Extract |
tensorflow:: |
A queue that produces elements in first-in first-out order. |
tensorflow:: |
Output a fact about factorials. |
tensorflow:: |
Fake-quantize the 'inputs' tensor, type float to 'outputs' tensor of same type. |
tensorflow:: |
Compute gradients for a FakeQuantWithMinMaxArgs operation. |
tensorflow:: |
Fake-quantize the 'inputs' tensor of type float via global float scalars |
tensorflow:: |
Compute gradients for a FakeQuantWithMinMaxVars operation. |
tensorflow:: |
Fake-quantize the 'inputs' tensor of type float and one of the shapes: |
tensorflow:: |
Compute gradients for a FakeQuantWithMinMaxVarsPerChannel operation. |
tensorflow:: |
Creates a tensor filled with a scalar value. |
tensorflow:: |
Generates fingerprint values. |
tensorflow:: |
A Reader that outputs fixed-length records from a file. |
tensorflow:: |
Generates labels for candidate sampling with a learned unigram distribution. |
tensorflow:: |
Returns element-wise largest integer not greater than x. |
tensorflow:: |
Returns x // y element-wise. |
tensorflow:: |
Returns element-wise remainder of division. |
tensorflow:: |
Performs fractional average pooling on the input. |
tensorflow:: |
Performs fractional max pooling on the input. |
tensorflow:: |
Batch normalization. |
tensorflow:: |
Gradient for batch normalization. |
tensorflow:: |
Gradient for batch normalization. |
tensorflow:: |
Gradient for batch normalization. |
tensorflow:: |
Batch normalization. |
tensorflow:: |
Batch normalization. |
tensorflow:: |
Performs a padding as a preprocess during a convolution. |
tensorflow:: |
Performs a resize and padding as a preprocess during a convolution. |
tensorflow:: |
Gather slices from |
tensorflow:: |
Gather slices from |
tensorflow:: |
Gather slices from |
tensorflow:: |
Store the input tensor in the state of the current session. |
tensorflow:: |
Store the input tensor in the state of the current session. |
tensorflow:: |
Get the value of the tensor specified by its handle. |
tensorflow:: |
Returns the truth value of (x > y) element-wise. |
tensorflow:: |
Returns the truth value of (x >= y) element-wise. |
tensorflow:: |
Gives a guarantee to the TF runtime that the input tensor is a constant. |
tensorflow:: |
Convert one or more images from HSV to RGB. |
tensorflow:: |
Return histogram of values. |
tensorflow:: |
Outputs a |
tensorflow:: |
Return a tensor with the same shape and contents as the input tensor or value. |
tensorflow:: |
Returns a list of tensors with the same shapes and contents as the input. |
tensorflow:: |
A Reader that outputs the queued work as both the key and value. |
tensorflow:: |
Compute the lower regularized incomplete Gamma function |
tensorflow:: |
Compute the upper regularized incomplete Gamma function |
tensorflow:: |
Returns the imaginary part of a complex number. |
tensorflow:: |
Returns immutable tensor from memory region. |
tensorflow:: |
Says whether the targets are in the top |
tensorflow:: |
Says whether the targets are in the top |
tensorflow:: |
Adds v into specified rows of x. |
tensorflow:: |
Subtracts |
tensorflow:: |
Updates specified rows with values in |
tensorflow:: |
Computes the reciprocal of x element-wise. |
tensorflow:: |
Computes the inverse permutation of a tensor. |
tensorflow:: |
Returns which elements of x are finite. |
tensorflow:: |
Returns which elements of x are Inf. |
tensorflow:: |
Returns which elements of x are NaN. |
tensorflow:: |
Checks whether a tensor has been initialized. |
tensorflow:: |
L2 Loss. |
tensorflow:: |
A Reader that outputs the records from a LMDB file. |
tensorflow:: |
Local Response Normalization. |
tensorflow:: |
Generates labels for candidate sampling with a learned unigram distribution. |
tensorflow:: |
Returns the truth value of (x < y) element-wise. |
tensorflow:: |
Returns the truth value of (x <= y) element-wise. |
tensorflow:: |
Computes the log of the absolute value of |
tensorflow:: |
Generates values in an interval. |
tensorflow:: |
Computes natural logarithm of x element-wise. |
tensorflow:: |
Computes natural logarithm of (1 + x) element-wise. |
tensorflow:: |
Computes log softmax activations. |
tensorflow:: |
Generates labels for candidate sampling with a log-uniform distribution. |
tensorflow:: |
Returns the truth value of x AND y element-wise. |
tensorflow:: |
Returns the truth value of |
tensorflow:: |
Returns the truth value of x OR y element-wise. |
tensorflow:: |
Forwards the input to the output. |
tensorflow:: |
Op removes all elements in the underlying container. |
tensorflow:: |
Op returns the number of incomplete elements in the underlying container. |
tensorflow:: |
Op peeks at the values at the specified key. |
tensorflow:: |
Op returns the number of elements in the underlying container. |
tensorflow:: |
Stage (key, values) in the underlying container which behaves like a hashtable. |
tensorflow:: |
Op removes and returns the values associated with the key. |
tensorflow:: |
Op removes and returns a random (key, value) |
tensorflow:: |
Multiply the matrix "a" by the matrix "b". |
tensorflow:: |
Returns the set of files matching one or more glob patterns. |
tensorflow:: |
Copy a tensor setting everything outside a central band in each innermost matrix. |
tensorflow:: |
Returns a batched diagonal tensor with a given batched diagonal values. |
tensorflow:: |
Returns the batched diagonal part of a batched tensor. |
tensorflow:: |
Returns the batched diagonal part of a batched tensor. |
tensorflow:: |
Returns the batched diagonal part of a batched tensor. |
tensorflow:: |
Returns a batched diagonal tensor with given batched diagonal values. |
tensorflow:: |
Returns a batched diagonal tensor with given batched diagonal values. |
tensorflow:: |
Returns a batched matrix tensor with new batched diagonal values. |
tensorflow:: |
Returns a batched matrix tensor with new batched diagonal values. |
tensorflow:: |
Returns a batched matrix tensor with new batched diagonal values. |
tensorflow:: |
Computes the maximum of elements across dimensions of a tensor. |
tensorflow:: |
Performs max pooling on the input. |
tensorflow:: |
Performs 3D max pooling on the input. |
tensorflow:: |
Computes gradients of max pooling function. |
tensorflow:: |
Computes second-order gradients of the maxpooling function. |
tensorflow:: |
Computes second-order gradients of the maxpooling function. |
tensorflow:: |
Computes second-order gradients of the maxpooling function. |
tensorflow:: |
Computes second-order gradients of the maxpooling function. |
tensorflow:: |
Computes gradients of the maxpooling function. |
tensorflow:: |
Performs max pooling on the input. |
tensorflow:: |
Performs max pooling on the input and outputs both max values and indices. |
tensorflow:: |
Returns the max of x and y (i.e. |
tensorflow:: |
Computes the mean of elements across dimensions of a tensor. |
tensorflow:: |
Forwards the value of an available tensor from |
tensorflow:: |
Merges summaries. |
tensorflow:: |
V2 format specific: merges the metadata files of sharded checkpoints. |
tensorflow:: |
Computes the minimum of elements across dimensions of a tensor. |
tensorflow:: |
Returns the min of x and y (i.e. |
tensorflow:: |
Pads a tensor with mirrored values. |
tensorflow:: |
Returns element-wise remainder of division. |
tensorflow:: |
Returns x * y element-wise. |
tensorflow:: |
Draws samples from a multinomial distribution. |
tensorflow:: |
Returns x * y element-wise. |
tensorflow:: |
TODO: add doc. |
tensorflow:: |
Computes numerical negative value element-wise. |
tensorflow:: |
Returns the next representable value of |
tensorflow:: |
Makes its input available to the next iteration. |
tensorflow:: |
Does nothing. |
tensorflow:: |
Greedily selects a subset of bounding boxes in descending order of score,. |
tensorflow:: |
Greedily selects a subset of bounding boxes in descending order of score,. |
tensorflow:: |
Greedily selects a subset of bounding boxes in descending order of score,. |
tensorflow:: |
Greedily selects a subset of bounding boxes in descending order of score,. |
tensorflow:: |
Greedily selects a subset of bounding boxes in descending order of score,. |
tensorflow:: |
Greedily selects a subset of bounding boxes in descending order of score,. |
tensorflow:: |
Returns the truth value of (x != y) element-wise. |
tensorflow:: |
Finds values of the |
tensorflow:: |
Returns a one-hot tensor. |
tensorflow:: |
Returns a tensor of ones with the same shape and type as x. |
tensorflow:: |
Op removes all elements in the underlying container. |
tensorflow:: |
Op returns the number of incomplete elements in the underlying container. |
tensorflow:: |
Op peeks at the values at the specified key. |
tensorflow:: |
Op returns the number of elements in the underlying container. |
tensorflow:: |
Stage (key, values) in the underlying container which behaves like a ordered. |
tensorflow:: |
Op removes and returns the values associated with the key. |
tensorflow:: |
Op removes and returns the (key, value) element with the smallest. |
tensorflow:: |
Pads a tensor with zeros. |
tensorflow:: |
Pads a tensor. |
tensorflow:: |
A queue that produces elements in first-in first-out order. |
tensorflow:: |
Concatenates a list of |
tensorflow:: |
Interleave the values from the |
tensorflow:: |
Outputs random values from a normal distribution. |
tensorflow:: |
Transforms a vector of brain.Example protos (as strings) into typed tensors. |
tensorflow:: |
Transforms a vector of tf.Example protos (as strings) into typed tensors. |
tensorflow:: |
Transforms a vector of brain.SequenceExample protos (as strings) into typed tensors. |
tensorflow:: |
Transforms a vector of tf.io.SequenceExample protos (as strings) into typed tensors. |
tensorflow:: |
Transforms a tf.Example proto (as a string) into typed tensors. |
tensorflow:: |
Transforms a scalar brain.SequenceExample proto (as strings) into typed tensors. |
tensorflow:: |
Transforms a serialized tensorflow.TensorProto proto into a Tensor. |
tensorflow:: |
A placeholder op for a value that will be fed into the computation. |
tensorflow:: |
A placeholder op that passes through |
tensorflow:: |
Compute the polygamma function \(^{(n)}(x)\). |
tensorflow:: |
Computes the power of one value to another. |
tensorflow:: |
An identity op that triggers an error if a gradient is requested. |
tensorflow:: |
Prints a list of tensors. |
tensorflow:: |
Prints a string scalar. |
tensorflow:: |
A queue that produces elements sorted by the first component value. |
tensorflow:: |
Computes the product of elements across dimensions of a tensor. |
tensorflow:: |
Quantizes then dequantizes a tensor. |
tensorflow:: |
Quantizes then dequantizes a tensor. |
tensorflow:: |
Convert the quantized 'input' tensor into a lower-precision 'output', using the. |
tensorflow:: |
Quantize the 'input' tensor of type float to 'output' tensor of type 'T'. |
tensorflow:: |
Returns x + y element-wise, working on quantized buffers. |
tensorflow:: |
Produces the average pool of the input tensor for quantized types. |
tensorflow:: |
Quantized Batch normalization. |
tensorflow:: |
|
tensorflow:: |
Concatenates quantized tensors along one dimension. |
tensorflow:: |
Computes a 2D convolution given quantized 4D input and filter tensors. |
tensorflow:: |
Quantized Instance normalization. |
tensorflow:: |
Perform a quantized matrix multiplication of |
tensorflow:: |
Produces the max pool of the input tensor for quantized types. |
tensorflow:: |
Returns x * y element-wise, working on quantized buffers. |
tensorflow:: |
Computes Quantized Rectified Linear: |
tensorflow:: |
Computes Quantized Rectified Linear 6: |
tensorflow:: |
Computes Quantized Rectified Linear X: |
tensorflow:: |
Resize quantized |
tensorflow:: |
Closes the given queue. |
tensorflow:: |
Dequeues a tuple of one or more tensors from the given queue. |
tensorflow:: |
Dequeues |
tensorflow:: |
Dequeues |
tensorflow:: |
Enqueues a tuple of one or more tensors in the given queue. |
tensorflow:: |
Enqueues zero or more tuples of one or more tensors in the given queue. |
tensorflow:: |
Returns true if queue is closed. |
tensorflow:: |
Returns true if queue is closed. |
tensorflow:: |
Computes the number of elements in the given queue. |
tensorflow:: |
Converts one or more images from RGB to HSV. |
tensorflow:: |
Outputs random values from the Gamma distribution(s) described by alpha. |
tensorflow:: |
Outputs random values from a normal distribution. |
tensorflow:: |
Outputs random values from the Poisson distribution(s) described by rate. |
tensorflow:: |
Randomly shuffles a tensor along its first dimension. |
tensorflow:: |
A queue that randomizes the order of elements. |
tensorflow:: |
Outputs random values from a uniform distribution. |
tensorflow:: |
Outputs random integers from a uniform distribution. |
tensorflow:: |
Creates a sequence of numbers. |
tensorflow:: |
Reads and outputs the entire contents of the input filename. |
tensorflow:: |
Returns the number of records this Reader has produced. |
tensorflow:: |
Returns the number of work units this Reader has finished processing. |
tensorflow:: |
Returns the next record (key, value pair) produced by a Reader. |
tensorflow:: |
Returns up to |
tensorflow:: |
Restore a Reader to its initial clean state. |
tensorflow:: |
Restore a reader to a previously saved state. |
tensorflow:: |
Produce a string tensor that encodes the state of a Reader. |
tensorflow:: |
Returns the real part of a complex number. |
tensorflow:: |
Returns x / y element-wise for real types. |
tensorflow:: |
Computes the reciprocal of x element-wise. |
tensorflow:: |
Emits randomized records. |
tensorflow:: |
Joins a string Tensor across the given dimensions. |
tensorflow:: |
Makes its input available to the next iteration. |
tensorflow:: |
Forwards the |
tensorflow:: |
Forwards the ref tensor |
tensorflow:: |
Check if the input matches the regex pattern. |
tensorflow:: |
Replaces matches of the |
tensorflow:: |
Computes rectified linear: |
tensorflow:: |
Computes rectified linear 6: |
tensorflow:: |
Computes a range that covers the actual values present in a quantized tensor. |
tensorflow:: |
Converts the quantized |
tensorflow:: |
Resize |
tensorflow:: |
Resize |
tensorflow:: |
Resize |
tensorflow:: |
Resize |
tensorflow:: |
Update '*var' according to the adadelta scheme. |
tensorflow:: |
Update '*var' according to the adagrad scheme. |
tensorflow:: |
Update '*var' according to the proximal adagrad scheme. |
tensorflow:: |
Update '*var' according to the Adam algorithm. |
tensorflow:: |
Update '*var' according to the Adam algorithm. |
tensorflow:: |
Update '*var' according to the AddSign update. |
tensorflow:: |
Update '*var' according to the centered RMSProp algorithm. |
tensorflow:: |
Update '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update '*var' by subtracting 'alpha' * 'delta' from it. |
tensorflow:: |
Update '*var' according to the momentum scheme. |
tensorflow:: |
Update '*var' according to the momentum scheme. |
tensorflow:: |
Update '*var' according to the AddSign update. |
tensorflow:: |
Update '*var' and '*accum' according to FOBOS with Adagrad learning rate. |
tensorflow:: |
Update '*var' as FOBOS algorithm with fixed learning rate. |
tensorflow:: |
Update '*var' according to the RMSProp algorithm. |
tensorflow:: |
Increments variable pointed to by 'resource' until it reaches 'limit'. |
tensorflow:: |
Applies sparse addition to individual values or slices in a Variable. |
tensorflow:: |
Applies sparse subtraction to individual values or slices in a Variable. |
tensorflow:: |
Applies sparse |
tensorflow:: |
var: Should be from a Variable(). |
tensorflow:: |
Update relevant entries in '*var' and '*accum' according to the adagrad scheme. |
tensorflow:: |
Update entries in '*var' and '*accum' according to the proximal adagrad scheme. |
tensorflow:: |
Update '*var' according to the centered RMSProp algorithm. |
tensorflow:: |
Update relevant entries in '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update relevant entries in '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update relevant entries in '*var' and '*accum' according to the momentum scheme. |
tensorflow:: |
Update relevant entries in '*var' and '*accum' according to the momentum scheme. |
tensorflow:: |
Sparse update entries in '*var' and '*accum' according to FOBOS algorithm. |
tensorflow:: |
Sparse update '*var' as FOBOS algorithm with fixed learning rate. |
tensorflow:: |
Update '*var' according to the RMSProp algorithm. |
tensorflow:: |
Restores a tensor from checkpoint files. |
tensorflow:: |
Restores a tensor from checkpoint files. |
tensorflow:: |
Restores tensors from a V2 checkpoint. |
tensorflow:: |
Returns element-wise integer closest to x. |
tensorflow:: |
Rounds the values of a tensor to the nearest integer, element-wise. |
tensorflow:: |
Computes reciprocal of square root of x element-wise. |
tensorflow:: |
Generate a single randomly distorted bounding box for an image. |
tensorflow:: |
Generate a single randomly distorted bounding box for an image. |
tensorflow:: |
Saves the input tensors to disk. |
tensorflow:: |
Saves input tensors slices to disk. |
tensorflow:: |
Saves tensors in V2 checkpoint format. |
tensorflow:: |
Outputs a |
tensorflow:: |
TODO: add doc. |
tensorflow:: |
Adds sparse updates to a variable reference. |
tensorflow:: |
Divides a variable reference by sparse updates. |
tensorflow:: |
Reduces sparse updates into a variable reference using the |
tensorflow:: |
Reduces sparse updates into a variable reference using the |
tensorflow:: |
Multiplies sparse updates into a variable reference. |
tensorflow:: |
Applies sparse addition to individual values or slices in a Variable. |
tensorflow:: |
Applies sparse subtraction to individual values or slices in a Variable. |
tensorflow:: |
Applies sparse |
tensorflow:: |
Subtracts sparse updates to a variable reference. |
tensorflow:: |
Applies sparse updates to a variable reference. |
tensorflow:: |
Computes the maximum along segments of a tensor. |
tensorflow:: |
Computes the mean along segments of a tensor. |
tensorflow:: |
Computes the minimum along segments of a tensor. |
tensorflow:: |
Computes the product along segments of a tensor. |
tensorflow:: |
Computes the sum along segments of a tensor. |
tensorflow:: |
TODO: add doc. |
tensorflow:: |
Computes scaled exponential linear: |
tensorflow:: |
Serialize an |
tensorflow:: |
Serialize a |
tensorflow:: |
Transforms a Tensor into a serialized TensorProto proto. |
tensorflow:: |
Computes the difference between two lists of numbers or strings. |
tensorflow:: |
Generate a sharded filename. |
tensorflow:: |
Generate a glob pattern matching all sharded file names. |
tensorflow:: |
Computes sigmoid of |
tensorflow:: |
Returns an element-wise indication of the sign of a number. |
tensorflow:: |
Computes sine of x element-wise. |
tensorflow:: |
Computes hyperbolic sine of x element-wise. |
tensorflow:: |
Computes softmax activations. |
tensorflow:: |
Computes softmax cross entropy cost and gradients to backpropagate. |
tensorflow:: |
Computes softplus: |
tensorflow:: |
Computes softsign: |
tensorflow:: |
Applies a sparse gradient to a given accumulator. |
tensorflow:: |
Extracts the average sparse gradient in a SparseConditionalAccumulator. |
tensorflow:: |
Adds two |
tensorflow:: |
The gradient operator for the SparseAdd op. |
tensorflow:: |
var: Should be from a Variable(). |
tensorflow:: |
Update relevant entries in '*var' and '*accum' according to the adagrad scheme. |
tensorflow:: |
Update entries in '*var' and '*accum' according to the proximal adagrad scheme. |
tensorflow:: |
Update '*var' according to the centered RMSProp algorithm. |
tensorflow:: |
Update relevant entries in '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update relevant entries in '*var' according to the Ftrl-proximal scheme. |
tensorflow:: |
Update relevant entries in '*var' and '*accum' according to the momentum scheme. |
tensorflow:: |
Sparse update entries in '*var' and '*accum' according to FOBOS algorithm. |
tensorflow:: |
Sparse update '*var' as FOBOS algorithm with fixed learning rate. |
tensorflow:: |
Update '*var' according to the RMSProp algorithm. |
tensorflow:: |
Concatenates a list of |
tensorflow:: |
A conditional accumulator for aggregating sparse gradients. |
tensorflow:: |
Generates sparse cross from a list of sparse and dense tensors. |
tensorflow:: |
Adds up a SparseTensor and a dense Tensor, using these special rules: |
tensorflow:: |
Component-wise divides a SparseTensor by a dense Tensor. |
tensorflow:: |
Component-wise multiplies a SparseTensor by a dense Tensor. |
tensorflow:: |
Fills empty rows in the input 2-D |
tensorflow:: |
The gradient of SparseFillEmptyRows. |
tensorflow:: |
Multiply matrix "a" by matrix "b". |
tensorflow:: |
Computes the max of elements across dimensions of a SparseTensor. |
tensorflow:: |
Computes the max of elements across dimensions of a SparseTensor. |
tensorflow:: |
Computes the sum of elements across dimensions of a SparseTensor. |
tensorflow:: |
Computes the sum of elements across dimensions of a SparseTensor. |
tensorflow:: |
Reorders a SparseTensor into the canonical, row-major ordering. |
tensorflow:: |
Reshapes a SparseTensor to represent values in a new dense shape. |
tensorflow:: |
Computes the mean along sparse segments of a tensor. |
tensorflow:: |
Computes gradients for SparseSegmentMean. |
tensorflow:: |
Computes the mean along sparse segments of a tensor. |
tensorflow:: |
Computes the sum along sparse segments of a tensor divided by the sqrt of N. |
tensorflow:: |
Computes gradients for SparseSegmentSqrtN. |
tensorflow:: |
Computes the sum along sparse segments of a tensor divided by the sqrt of N. |
tensorflow:: |
Computes the sum along sparse segments of a tensor. |
tensorflow:: |
Computes the sum along sparse segments of a tensor. |
tensorflow:: |
Slice a |
tensorflow:: |
The gradient operator for the SparseSlice op. |
tensorflow:: |
Applies softmax to a batched N-D |
tensorflow:: |
Computes softmax cross entropy cost and gradients to backpropagate. |
tensorflow:: |
Returns the element-wise max of two SparseTensors. |
tensorflow:: |
Returns the element-wise min of two SparseTensors. |
tensorflow:: |
Split a |
tensorflow:: |
Adds up a |
tensorflow:: |
Multiply SparseTensor (of rank 2) "A" by dense matrix "B". |
tensorflow:: |
Computes square root of x element-wise. |
tensorflow:: |
Computes square of x element-wise. |
tensorflow:: |
Returns (x - y)(x - y) element-wise. |
tensorflow:: |
Packs a list of |
tensorflow:: |
Stage values similar to a lightweight Enqueue. |
tensorflow:: |
Op removes all elements in the underlying container. |
tensorflow:: |
Op peeks at the values at the specified index. |
tensorflow:: |
Op returns the number of elements in the underlying container. |
tensorflow:: |
Formats a string template using a list of tensors. |
tensorflow:: |
Joins the strings in the given list of string tensors into one tensor;. |
tensorflow:: |
String lengths of |
tensorflow:: |
Converts all uppercase characters into their respective lowercase replacements. |
tensorflow:: |
Creates ngrams from ragged string data. |
tensorflow:: |
Split elements of |
tensorflow:: |
Split elements of |
tensorflow:: |
Strip leading and trailing whitespaces from the Tensor. |
tensorflow:: |
Converts each string in the input Tensor to its hash mod by a number of buckets. |
tensorflow:: |
Converts each string in the input Tensor to its hash mod by a number of buckets. |
tensorflow:: |
Converts each string in the input Tensor to its hash mod by a number of buckets. |
tensorflow:: |
Converts each string in the input Tensor to the specified numeric type. |
tensorflow:: |
Converts all lowercase characters into their respective uppercase replacements. |
tensorflow:: |
Return substrings from |
tensorflow:: |
Returns x - y element-wise. |
tensorflow:: |
Computes the sum of elements across dimensions of a tensor. |
tensorflow:: |
Forwards |
tensorflow:: |
A Reader that outputs the records from a TensorFlow Records file. |
tensorflow:: |
Converts a sparse representation into a dense tensor. |
tensorflow:: |
Computes tan of x element-wise. |
tensorflow:: |
Computes hyperbolic tangent of |
tensorflow:: |
Returns a tensor that may be mutated, but only persists within a single step. |
tensorflow:: |
An array of Tensors of given size. |
tensorflow:: |
Delete the TensorArray from its resource container. |
tensorflow:: |
Concat the elements from the TensorArray into value |
tensorflow:: |
Gather specific elements from the TensorArray into output |
tensorflow:: |
Creates a TensorArray for storing the gradients of values in the given handle. |
tensorflow:: |
Creates a TensorArray for storing multiple gradients of values in the given handle. |
tensorflow:: |
Read an element from the TensorArray into output |
tensorflow:: |
Scatter the data from the input value into specific TensorArray elements. |
tensorflow:: |
Get the current size of the TensorArray. |
tensorflow:: |
Split the data from the input value into TensorArray elements. |
tensorflow:: |
Push an element onto the tensor_array. |
tensorflow:: |
Outputs a |
tensorflow:: |
Outputs a |
tensorflow:: |
A Reader that outputs the lines of a file delimited by ' |
tensorflow:: |
Provides the time since epoch in seconds. |
tensorflow:: |
Finds values and indices of the |
tensorflow:: |
Returns x / y element-wise for integer types. |
tensorflow:: |
Returns element-wise remainder of division. |
tensorflow:: |
Outputs random values from a truncated normal distribution. |
tensorflow:: |
Determine the script codes of a given tensor of Unicode integer code points. |
tensorflow:: |
Transcode the input text from a source encoding to a destination encoding. |
tensorflow:: |
Generates labels for candidate sampling with a uniform distribution. |
tensorflow:: |
Joins the elements of |
tensorflow:: |
Computes the maximum along segments of a tensor. |
tensorflow:: |
Computes the minimum along segments of a tensor. |
tensorflow:: |
Computes the product along segments of a tensor. |
tensorflow:: |
Computes the sum along segments of a tensor. |
tensorflow:: |
Op is similar to a lightweight Dequeue. |
tensorflow:: |
Holds state in the form of a tensor that persists across steps. |
tensorflow:: |
Reshapes a quantized tensor as per the Reshape op. |
tensorflow:: |
Selects elements from |
tensorflow:: |
A Reader that outputs the entire contents of a file as a value. |
tensorflow:: |
Writes contents to the file at input filename. |
tensorflow:: |
Returns 0 if x == 0, and x / y otherwise, elementwise. |
tensorflow:: |
Returns 0 if x == 0, and x * log1p(y) otherwise, elementwise. |
tensorflow:: |
Returns 0 if x == 0, and x * log(y) otherwise, elementwise. |
tensorflow:: |
Returns a tensor of zeros with the same shape and type as x. |
tensorflow:: |
Compute the Hurwitz zeta function \((x, q)\). |
Typedefs
Mul
Multiply Mul
Neg
Negate Neg
ReduceAll
All ReduceAll
ReduceAny
Any ReduceAny
ReduceMax
Max ReduceMax
ReduceMean
Mean ReduceMean
ReduceMin
Min ReduceMin
ReduceProd
Prod ReduceProd
ReduceSum
Sum ReduceSum
Sub
Subtract Sub
Functions
AsNodeOutList
std::vector< NodeBuilder::NodeOut > AsNodeOutList( const Scope & scope, const InputList & inp )
AudioSummary
AudioSummary( const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor, ::tensorflow::Input sample_rate )
AudioSummary
AudioSummary( const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor, ::tensorflow::Input sample_rate, const AudioSummary::Attrs & attrs )
BadColor
TF_MUST_USE_RESULT Attrs BadColor( const TensorProto & x )
Color to use for pixels with non-finite values.
Defaults to Tensor
Const
Output Const( const Scope & scope, const Input::Initializer & val )
Const
Output Const( const Scope & scope, const std::initializer_list< T > & v, const TensorShape shape )
ImageSummary
ImageSummary( const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor )
ImageSummary
ImageSummary( const ::tensorflow::Scope & scope, ::tensorflow::Input tag, ::tensorflow::Input tensor, const ImageSummary::Attrs & attrs )
MaxImages
Attrs MaxImages( int64 x )
MaxOutputs
Attrs MaxOutputs( int64 x )
node
::tensorflow::Node * node() const
range
image **If max_images is greater the summary value tags are *generated sequentially as *tag *tag etc **The bad_color argument is the color to use in the generated images for *non finite input values It is a uint8 D tensor of length channels *Each element must be in the range( It represents the value of a *pixel in the output image ).Non-finite values in the input tensor are *replaced by this tensor in the output image.The default value is the color *red.**Arguments
Max number of batch elements to generate images for.
Defaults to 3