doc_content
stringlengths
1
386k
doc_id
stringlengths
5
188
tf.raw_ops.BatchDataset Creates a dataset that batches batch_size elements from input_dataset. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchDataset tf.raw_ops.BatchDataset( input_dataset, batch_size, output_types, output_shapes, name=None ) Args input_dataset A Tensor of type variant. batch_size A Tensor of type int64. A scalar representing the number of elements to accumulate in a batch. output_types A list of tf.DTypes that has length >= 1. output_shapes A list of shapes (each a tf.TensorShape or list of ints) that has length >= 1. name A name for the operation (optional). Returns A Tensor of type variant.
tensorflow.raw_ops.batchdataset
tf.raw_ops.BatchDatasetV2 Creates a dataset that batches batch_size elements from input_dataset. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchDatasetV2 tf.raw_ops.BatchDatasetV2( input_dataset, batch_size, drop_remainder, output_types, output_shapes, parallel_copy=False, name=None ) Args input_dataset A Tensor of type variant. batch_size A Tensor of type int64. A scalar representing the number of elements to accumulate in a batch. drop_remainder A Tensor of type bool. A scalar representing whether the last batch should be dropped in case its size is smaller than desired. output_types A list of tf.DTypes that has length >= 1. output_shapes A list of shapes (each a tf.TensorShape or list of ints) that has length >= 1. parallel_copy An optional bool. Defaults to False. name A name for the operation (optional). Returns A Tensor of type variant.
tensorflow.raw_ops.batchdatasetv2
tf.raw_ops.BatchFFT View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchFFT tf.raw_ops.BatchFFT( input, name=None ) Args input A Tensor of type complex64. name A name for the operation (optional). Returns A Tensor of type complex64.
tensorflow.raw_ops.batchfft
tf.raw_ops.BatchFFT2D View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchFFT2D tf.raw_ops.BatchFFT2D( input, name=None ) Args input A Tensor of type complex64. name A name for the operation (optional). Returns A Tensor of type complex64.
tensorflow.raw_ops.batchfft2d
tf.raw_ops.BatchFFT3D View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchFFT3D tf.raw_ops.BatchFFT3D( input, name=None ) Args input A Tensor of type complex64. name A name for the operation (optional). Returns A Tensor of type complex64.
tensorflow.raw_ops.batchfft3d
tf.raw_ops.BatchFunction Batches all the inputs tensors to the computation done by the function. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchFunction tf.raw_ops.BatchFunction( in_tensors, captured_tensors, f, num_batch_threads, max_batch_size, batch_timeout_micros, Tout, max_enqueued_batches=10, allowed_batch_sizes=[], container='', shared_name='', batching_queue='', enable_large_batch_splitting=False, name=None ) So, for example, in the following code # This input will be captured. y = tf.placeholder_with_default(1.0, shape=[]) @tf.Defun(tf.float32) def computation(a): return tf.matmul(a, a) + y b = gen_batch_ops.batch_function( f=computation in_tensors=[a], captured_tensors=computation.captured_inputs, Tout=[o.type for o in computation.definition.signature.output_arg], num_batch_threads=1, max_batch_size=10, batch_timeout_micros=100000, # 100ms allowed_batch_sizes=[3, 10], batching_queue="") If more than one session.run call is simultaneously trying to compute b the values of a will be gathered, non-deterministically concatenated along the first axis, and only one thread will run the computation. Assumes that all arguments of the function are Tensors which will be batched along their first dimension. Arguments that are captured, are not batched. The session.run call which does the concatenation, will use the values of the captured tensors available to it. Therefore, typical uses of captured tensors should involve values which remain unchanged across session.run calls. Inference is a good example of this. SparseTensor is not supported. The return value of the decorated function must be a Tensor or a list/tuple of Tensors. Args in_tensors A list of Tensor objects. The tensors to be batched. captured_tensors A list of Tensor objects. The tensors which are captured in the function, and don't need to be batched. f A function decorated with @Defun. num_batch_threads An int. Number of scheduling threads for processing batches of work. Determines the number of batches processed in parallel. max_batch_size An int. Batch sizes will never be bigger than this. batch_timeout_micros An int. Maximum number of microseconds to wait before outputting an incomplete batch. Tout A list of tf.DTypes that has length >= 1. the types of the output tensors. max_enqueued_batches An optional int. Defaults to 10. Maximum number of batches enqueued. Default: 10. allowed_batch_sizes An optional list of ints. Defaults to []. Optional list of allowed batch sizes. If left empty, does nothing. Otherwise, supplies a list of batch sizes, causing the op to pad batches up to one of those sizes. The entries must increase monotonically. If enable_large_batch_splitting is false (i.e., large-input-split is not enabled) the final entry must equal max_batch_size. container An optional string. Defaults to "". Controls the scope of sharing of this batch. shared_name An optional string. Defaults to "". Concurrently running instances of batch in the same device with the same container and shared_name will batch their elements together. If left empty, the op name will be used as the shared name. batching_queue An optional string. Defaults to "". enable_large_batch_splitting An optional bool. Defaults to False. 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. name A name for the operation (optional). Returns A list of Tensor objects of type Tout.
tensorflow.raw_ops.batchfunction
tf.raw_ops.BatchIFFT View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchIFFT tf.raw_ops.BatchIFFT( input, name=None ) Args input A Tensor of type complex64. name A name for the operation (optional). Returns A Tensor of type complex64.
tensorflow.raw_ops.batchifft
tf.raw_ops.BatchIFFT2D View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchIFFT2D tf.raw_ops.BatchIFFT2D( input, name=None ) Args input A Tensor of type complex64. name A name for the operation (optional). Returns A Tensor of type complex64.
tensorflow.raw_ops.batchifft2d
tf.raw_ops.BatchIFFT3D View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchIFFT3D tf.raw_ops.BatchIFFT3D( input, name=None ) Args input A Tensor of type complex64. name A name for the operation (optional). Returns A Tensor of type complex64.
tensorflow.raw_ops.batchifft3d
tf.raw_ops.BatchMatMul Multiplies slices of two tensors in batches. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatMul tf.raw_ops.BatchMatMul( x, y, adj_x=False, adj_y=False, name=None ) Multiplies all slices of Tensor x and y (each slice can be viewed as an element of a batch), and arranges the individual results in a single output tensor of the same batch size. Each of the individual slices can optionally be adjointed (to adjoint a matrix means to transpose and conjugate it) before multiplication by setting the adj_x or adj_y flag to True, which are by default False. The input tensors x and y are 2-D or higher with shape [..., r_x, c_x] and [..., r_y, c_y]. The output tensor is 2-D or higher with shape [..., r_o, c_o], where: r_o = c_x if adj_x else r_x c_o = r_y if adj_y else c_y It is computed as: output[..., :, :] = matrix(x[..., :, :]) * matrix(y[..., :, :]) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64, int32, int64, complex64, complex128. 2-D or higher with shape [..., r_x, c_x]. y A Tensor. Must have the same type as x. 2-D or higher with shape [..., r_y, c_y]. adj_x An optional bool. Defaults to False. If True, adjoint the slices of x. Defaults to False. adj_y An optional bool. Defaults to False. If True, adjoint the slices of y. Defaults to False. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.batchmatmul
tf.raw_ops.BatchMatMulV2 Multiplies slices of two tensors in batches. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatMulV2 tf.raw_ops.BatchMatMulV2( x, y, adj_x=False, adj_y=False, name=None ) Multiplies all slices of Tensor x and y (each slice can be viewed as an element of a batch), and arranges the individual results in a single output tensor of the same batch size. Each of the individual slices can optionally be adjointed (to adjoint a matrix means to transpose and conjugate it) before multiplication by setting the adj_x or adj_y flag to True, which are by default False. The input tensors x and y are 2-D or higher with shape [..., r_x, c_x] and [..., r_y, c_y]. The output tensor is 2-D or higher with shape [..., r_o, c_o], where: r_o = c_x if adj_x else r_x c_o = r_y if adj_y else c_y It is computed as: output[..., :, :] = matrix(x[..., :, :]) * matrix(y[..., :, :]) Note: BatchMatMulV2 supports broadcasting in the batch dimensions. More about broadcasting here. Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64, int16, int32, int64, complex64, complex128. 2-D or higher with shape [..., r_x, c_x]. y A Tensor. Must have the same type as x. 2-D or higher with shape [..., r_y, c_y]. adj_x An optional bool. Defaults to False. If True, adjoint the slices of x. Defaults to False. adj_y An optional bool. Defaults to False. If True, adjoint the slices of y. Defaults to False. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.batchmatmulv2
tf.raw_ops.BatchMatrixBandPart View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixBandPart tf.raw_ops.BatchMatrixBandPart( input, num_lower, num_upper, name=None ) Args input A Tensor. num_lower A Tensor of type int64. num_upper A Tensor of type int64. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchmatrixbandpart
tf.raw_ops.BatchMatrixDeterminant View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixDeterminant tf.raw_ops.BatchMatrixDeterminant( input, name=None ) Args input A Tensor. Must be one of the following types: float32, float64, complex64, complex128. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchmatrixdeterminant
tf.raw_ops.BatchMatrixDiag View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixDiag tf.raw_ops.BatchMatrixDiag( diagonal, name=None ) Args diagonal A Tensor. name A name for the operation (optional). Returns A Tensor. Has the same type as diagonal.
tensorflow.raw_ops.batchmatrixdiag
tf.raw_ops.BatchMatrixDiagPart View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixDiagPart tf.raw_ops.BatchMatrixDiagPart( input, name=None ) Args input A Tensor. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchmatrixdiagpart
tf.raw_ops.BatchMatrixInverse View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixInverse tf.raw_ops.BatchMatrixInverse( input, adjoint=False, name=None ) Args input A Tensor. Must be one of the following types: float64, float32. adjoint An optional bool. Defaults to False. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchmatrixinverse
tf.raw_ops.BatchMatrixSetDiag View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixSetDiag tf.raw_ops.BatchMatrixSetDiag( input, diagonal, name=None ) Args input A Tensor. diagonal A Tensor. Must have the same type as input. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchmatrixsetdiag
tf.raw_ops.BatchMatrixSolve View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixSolve tf.raw_ops.BatchMatrixSolve( matrix, rhs, adjoint=False, name=None ) Args matrix A Tensor. Must be one of the following types: float64, float32. rhs A Tensor. Must have the same type as matrix. adjoint An optional bool. Defaults to False. name A name for the operation (optional). Returns A Tensor. Has the same type as matrix.
tensorflow.raw_ops.batchmatrixsolve
tf.raw_ops.BatchMatrixSolveLs View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixSolveLs tf.raw_ops.BatchMatrixSolveLs( matrix, rhs, l2_regularizer, fast=True, name=None ) Args matrix A Tensor. Must be one of the following types: float64, float32. rhs A Tensor. Must have the same type as matrix. l2_regularizer A Tensor of type float64. fast An optional bool. Defaults to True. name A name for the operation (optional). Returns A Tensor. Has the same type as matrix.
tensorflow.raw_ops.batchmatrixsolvels
tf.raw_ops.BatchMatrixTriangularSolve View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchMatrixTriangularSolve tf.raw_ops.BatchMatrixTriangularSolve( matrix, rhs, lower=True, adjoint=False, name=None ) Args matrix A Tensor. Must be one of the following types: float64, float32. rhs A Tensor. Must have the same type as matrix. lower An optional bool. Defaults to True. adjoint An optional bool. Defaults to False. name A name for the operation (optional). Returns A Tensor. Has the same type as matrix.
tensorflow.raw_ops.batchmatrixtriangularsolve
tf.raw_ops.BatchNormWithGlobalNormalization Batch normalization. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchNormWithGlobalNormalization tf.raw_ops.BatchNormWithGlobalNormalization( t, m, v, beta, gamma, variance_epsilon, scale_after_normalization, name=None ) This op is deprecated. Prefer tf.nn.batch_normalization. Args t A Tensor. Must be one of the following types: float32, float64, int32, uint8, int16, int8, complex64, int64, qint8, quint8, qint32, bfloat16, uint16, complex128, half, uint32, uint64. A 4D input Tensor. m A Tensor. Must have the same type as t. A 1D mean Tensor with size matching the last dimension of t. This is the first output from tf.nn.moments, or a saved moving average thereof. v A Tensor. Must have the same type as t. A 1D variance Tensor with size matching the last dimension of t. This is the second output from tf.nn.moments, or a saved moving average thereof. beta A Tensor. Must have the same type as t. A 1D beta Tensor with size matching the last dimension of t. An offset to be added to the normalized tensor. gamma A Tensor. Must have the same type as t. A 1D gamma Tensor with size matching the last dimension of t. If "scale_after_normalization" is true, this tensor will be multiplied with the normalized tensor. variance_epsilon A float. A small float number to avoid dividing by 0. scale_after_normalization A bool. A bool indicating whether the resulted tensor needs to be multiplied with gamma. name A name for the operation (optional). Returns A Tensor. Has the same type as t.
tensorflow.raw_ops.batchnormwithglobalnormalization
tf.raw_ops.BatchNormWithGlobalNormalizationGrad Gradients for batch normalization. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchNormWithGlobalNormalizationGrad tf.raw_ops.BatchNormWithGlobalNormalizationGrad( t, m, v, gamma, backprop, variance_epsilon, scale_after_normalization, name=None ) This op is deprecated. See tf.nn.batch_normalization. Args t A Tensor. Must be one of the following types: float32, float64, int32, uint8, int16, int8, complex64, int64, qint8, quint8, qint32, bfloat16, uint16, complex128, half, uint32, uint64. A 4D input Tensor. m A Tensor. Must have the same type as t. A 1D mean Tensor with size matching the last dimension of t. This is the first output from tf.nn.moments, or a saved moving average thereof. v A Tensor. Must have the same type as t. A 1D variance Tensor with size matching the last dimension of t. This is the second output from tf.nn.moments, or a saved moving average thereof. gamma A Tensor. Must have the same type as t. A 1D gamma Tensor with size matching the last dimension of t. If "scale_after_normalization" is true, this Tensor will be multiplied with the normalized Tensor. backprop A Tensor. Must have the same type as t. 4D backprop Tensor. variance_epsilon A float. A small float number to avoid dividing by 0. scale_after_normalization A bool. A bool indicating whether the resulted tensor needs to be multiplied with gamma. name A name for the operation (optional). Returns A tuple of Tensor objects (dx, dm, dv, db, dg). dx A Tensor. Has the same type as t. dm A Tensor. Has the same type as t. dv A Tensor. Has the same type as t. db A Tensor. Has the same type as t. dg A Tensor. Has the same type as t.
tensorflow.raw_ops.batchnormwithglobalnormalizationgrad
tf.raw_ops.BatchSelfAdjointEig View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchSelfAdjointEig tf.raw_ops.BatchSelfAdjointEig( input, name=None ) Args input A Tensor. Must be one of the following types: float64, float32. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchselfadjointeig
tf.raw_ops.BatchSelfAdjointEigV2 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchSelfAdjointEigV2 tf.raw_ops.BatchSelfAdjointEigV2( input, compute_v=True, name=None ) Args input A Tensor. Must be one of the following types: float64, float32. compute_v An optional bool. Defaults to True. name A name for the operation (optional). Returns A tuple of Tensor objects (e, v). e A Tensor. Has the same type as input. v A Tensor. Has the same type as input.
tensorflow.raw_ops.batchselfadjointeigv2
tf.raw_ops.BatchSvd View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchSvd tf.raw_ops.BatchSvd( input, compute_uv=True, full_matrices=False, name=None ) Args input A Tensor. Must be one of the following types: float64, float32, complex64, complex128. compute_uv An optional bool. Defaults to True. full_matrices An optional bool. Defaults to False. name A name for the operation (optional). Returns A tuple of Tensor objects (s, u, v). s A Tensor. Has the same type as input. u A Tensor. Has the same type as input. v A Tensor. Has the same type as input.
tensorflow.raw_ops.batchsvd
tf.raw_ops.BatchToSpace BatchToSpace for 4-D tensors of type T. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchToSpace tf.raw_ops.BatchToSpace( input, crops, block_size, name=None ) This is a legacy version of the more general BatchToSpaceND. Rearranges (permutes) data from batch into blocks of spatial data, followed by cropping. This is the reverse transformation of SpaceToBatch. More specifically, this op outputs a copy of the input tensor where values from the batch dimension are moved in spatial blocks to the height and width dimensions, followed by cropping along the height and width dimensions. Args input A Tensor. 4-D tensor with shape [batch*block_size*block_size, height_pad/block_size, width_pad/block_size, depth]. Note that the batch size of the input tensor must be divisible by block_size * block_size. crops A Tensor. Must be one of the following types: int32, int64. 2-D tensor of non-negative integers with shape [2, 2]. It specifies how many elements to crop from the intermediate result across the spatial dimensions as follows: crops = [[crop_top, crop_bottom], [crop_left, crop_right]] block_size An int that is >= 2. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchtospace
tf.raw_ops.BatchToSpaceND BatchToSpace for N-D tensors of type T. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BatchToSpaceND tf.raw_ops.BatchToSpaceND( input, block_shape, crops, name=None ) This operation reshapes the "batch" dimension 0 into M + 1 dimensions of shape block_shape + [batch], interleaves these blocks back into the grid defined by the spatial dimensions [1, ..., M], to obtain a result with the same rank as the input. The spatial dimensions of this intermediate result are then optionally cropped according to crops to produce the output. This is the reverse of SpaceToBatch. See below for a precise description. Args input A Tensor. N-D with shape input_shape = [batch] + spatial_shape + remaining_shape, where spatial_shape has M dimensions. block_shape A Tensor. Must be one of the following types: int32, int64. 1-D with shape [M], all values must be >= 1. crops A Tensor. Must be one of the following types: int32, int64. 2-D with shape [M, 2], all values must be >= 0. crops[i] = [crop_start, crop_end] specifies the amount to crop from input dimension i + 1, which corresponds to spatial dimension i. It is required that crop_start[i] + crop_end[i] <= block_shape[i] * input_shape[i + 1]. This operation is equivalent to the following steps: Reshape input to reshaped of shape: [block_shape[0], ..., block_shape[M-1], batch / prod(block_shape), input_shape[1], ..., input_shape[N-1]] Permute dimensions of reshaped to produce permuted of shape [batch / prod(block_shape), input_shape[1], block_shape[0], ..., input_shape[M], block_shape[M-1], input_shape[M+1], ..., input_shape[N-1]] Reshape permuted to produce reshaped_permuted of shape [batch / prod(block_shape), input_shape[1] * block_shape[0], ..., input_shape[M] * block_shape[M-1], input_shape[M+1], ..., input_shape[N-1]] Crop the start and end of dimensions [1, ..., M] of reshaped_permuted according to crops to produce the output of shape: [batch / prod(block_shape), input_shape[1] * block_shape[0] - crops[0,0] - crops[0,1], ..., input_shape[M] * block_shape[M-1] - crops[M-1,0] - crops[M-1,1], input_shape[M+1], ..., input_shape[N-1]] Some examples: (1) For the following input of shape [4, 1, 1, 1], block_shape = [2, 2], and crops = [[0, 0], [0, 0]]: [[[[1]]], [[[2]]], [[[3]]], [[[4]]]] The output tensor has shape [1, 2, 2, 1] and value: x = [[[[1], [2]], [[3], [4]]]] (2) For the following input of shape [4, 1, 1, 3], block_shape = [2, 2], and crops = [[0, 0], [0, 0]]: [[[[1, 2, 3]]], [[[4, 5, 6]]], [[[7, 8, 9]]], [[[10, 11, 12]]]] The output tensor has shape [1, 2, 2, 3] and value: x = [[[[1, 2, 3], [4, 5, 6]], [[7, 8, 9], [10, 11, 12]]]] (3) For the following input of shape [4, 2, 2, 1], block_shape = [2, 2], and crops = [[0, 0], [0, 0]]: x = [[[[1], [3]], [[9], [11]]], [[[2], [4]], [[10], [12]]], [[[5], [7]], [[13], [15]]], [[[6], [8]], [[14], [16]]]] The output tensor has shape [1, 4, 4, 1] and value: x = [[[[1], [2], [3], [4]], [[5], [6], [7], [8]], [[9], [10], [11], [12]], [[13], [14], [15], [16]]]] (4) For the following input of shape [8, 1, 3, 1], block_shape = [2, 2], and crops = [[0, 0], [2, 0]]: x = [[[[0], [1], [3]]], [[[0], [9], [11]]], [[[0], [2], [4]]], [[[0], [10], [12]]], [[[0], [5], [7]]], [[[0], [13], [15]]], [[[0], [6], [8]]], [[[0], [14], [16]]]] The output tensor has shape [2, 2, 4, 1] and value: x = [[[[1], [2], [3], [4]], [[5], [6], [7], [8]]], [[[9], [10], [11], [12]], [[13], [14], [15], [16]]]] name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.batchtospacend
tf.raw_ops.BesselI0 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselI0 tf.raw_ops.BesselI0( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besseli0
tf.raw_ops.BesselI0e View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselI0e tf.raw_ops.BesselI0e( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besseli0e
tf.raw_ops.BesselI1 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselI1 tf.raw_ops.BesselI1( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besseli1
tf.raw_ops.BesselI1e View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselI1e tf.raw_ops.BesselI1e( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besseli1e
tf.raw_ops.BesselJ0 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselJ0 tf.raw_ops.BesselJ0( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besselj0
tf.raw_ops.BesselJ1 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselJ1 tf.raw_ops.BesselJ1( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besselj1
tf.raw_ops.BesselK0 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselK0 tf.raw_ops.BesselK0( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besselk0
tf.raw_ops.BesselK0e View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselK0e tf.raw_ops.BesselK0e( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besselk0e
tf.raw_ops.BesselK1 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselK1 tf.raw_ops.BesselK1( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besselk1
tf.raw_ops.BesselK1e View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselK1e tf.raw_ops.BesselK1e( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.besselk1e
tf.raw_ops.BesselY0 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselY0 tf.raw_ops.BesselY0( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.bessely0
tf.raw_ops.BesselY1 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BesselY1 tf.raw_ops.BesselY1( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.bessely1
tf.raw_ops.Betainc Compute the regularized incomplete beta integral \(I_x(a, b)\). View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Betainc tf.raw_ops.Betainc( a, b, x, name=None ) The regularized incomplete beta integral is defined as: \(I_x(a, b) = \frac{B(x; a, b)}{B(a, b)}\) where \(B(x; a, b) = \int_0^x t^{a-1} (1 - t)^{b-1} dt\) is the incomplete beta function and \(B(a, b)\) is the complete beta function. Args a A Tensor. Must be one of the following types: float32, float64. b A Tensor. Must have the same type as a. x A Tensor. Must have the same type as a. name A name for the operation (optional). Returns A Tensor. Has the same type as a.
tensorflow.raw_ops.betainc
tf.raw_ops.BiasAdd Adds bias to value. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BiasAdd tf.raw_ops.BiasAdd( value, bias, data_format='NHWC', name=None ) This is a special case of tf.add where bias is restricted to be 1-D. Broadcasting is supported, so value may have any number of dimensions. Args value A Tensor. Must be one of the following types: float32, float64, int32, uint8, int16, int8, complex64, int64, qint8, quint8, qint32, bfloat16, uint16, complex128, half, uint32, uint64. Any number of dimensions. bias A Tensor. Must have the same type as value. 1-D with size the last dimension of value. data_format An optional string from: "NHWC", "NCHW". Defaults to "NHWC". Specify the data format of the input and output data. With the default format "NHWC", the bias tensor will be added to the last dimension of the value tensor. Alternatively, the format could be "NCHW", the data storage order of: [batch, in_channels, in_height, in_width]. The tensor will be added to "in_channels", the third-to-the-last dimension. name A name for the operation (optional). Returns A Tensor. Has the same type as value.
tensorflow.raw_ops.biasadd
tf.raw_ops.BiasAddGrad The backward operation for "BiasAdd" on the "bias" tensor. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BiasAddGrad tf.raw_ops.BiasAddGrad( out_backprop, data_format='NHWC', name=None ) It accumulates all the values from out_backprop into the feature dimension. For NHWC data format, the feature dimension is the last. For NCHW data format, the feature dimension is the third-to-last. Args out_backprop A Tensor. Must be one of the following types: float32, float64, int32, uint8, int16, int8, complex64, int64, qint8, quint8, qint32, bfloat16, uint16, complex128, half, uint32, uint64. Any number of dimensions. data_format An optional string from: "NHWC", "NCHW". Defaults to "NHWC". Specify the data format of the input and output data. With the default format "NHWC", the bias tensor will be added to the last dimension of the value tensor. Alternatively, the format could be "NCHW", the data storage order of: [batch, in_channels, in_height, in_width]. The tensor will be added to "in_channels", the third-to-the-last dimension. name A name for the operation (optional). Returns A Tensor. Has the same type as out_backprop.
tensorflow.raw_ops.biasaddgrad
tf.raw_ops.BiasAddV1 Adds bias to value. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BiasAddV1 tf.raw_ops.BiasAddV1( value, bias, name=None ) This is a deprecated version of BiasAdd and will be soon removed. This is a special case of tf.add where bias is restricted to be 1-D. Broadcasting is supported, so value may have any number of dimensions. Args value A Tensor. Must be one of the following types: float32, float64, int32, uint8, int16, int8, complex64, int64, qint8, quint8, qint32, bfloat16, uint16, complex128, half, uint32, uint64. Any number of dimensions. bias A Tensor. Must have the same type as value. 1-D with size the last dimension of value. name A name for the operation (optional). Returns A Tensor. Has the same type as value.
tensorflow.raw_ops.biasaddv1
tf.raw_ops.Bincount Counts the number of occurrences of each value in an integer array. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Bincount tf.raw_ops.Bincount( arr, size, weights, name=None ) Outputs a vector with length size and the same dtype as weights. If weights are empty, then index i stores the number of times the value i is counted in arr. If weights are non-empty, then index i stores the sum of the value in weights at each index where the corresponding value in arr is i. Values in arr outside of the range [0, size) are ignored. Args arr A Tensor of type int32. int32 Tensor. size A Tensor of type int32. non-negative int32 scalar Tensor. weights A Tensor. Must be one of the following types: int32, int64, float32, float64. 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. name A name for the operation (optional). Returns A Tensor. Has the same type as weights.
tensorflow.raw_ops.bincount
tf.raw_ops.Bitcast Bitcasts a tensor from one type to another without copying data. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Bitcast tf.raw_ops.Bitcast( input, type, name=None ) Given a tensor input, this operation returns a tensor that has the same buffer data as input with datatype type. If the input datatype T is larger than the output datatype type then the shape changes from [...] to [..., sizeof(T)/sizeof(type)]. If T is smaller than type, the operator requires that the rightmost dimension be equal to sizeof(type)/sizeof(T). The shape then goes from [..., sizeof(type)/sizeof(T)] to [...]. tf.bitcast() and tf.cast() work differently when real dtype is casted as a complex dtype (e.g. tf.complex64 or tf.complex128) as tf.cast() make imaginary part 0 while tf.bitcast() gives module error. For example, Example 1: a = [1., 2., 3.] equality_bitcast = tf.bitcast(a, tf.complex128) Traceback (most recent call last): InvalidArgumentError: Cannot bitcast from 1 to 18 [Op:Bitcast] equality_cast = tf.cast(a, tf.complex128) print(equality_cast) tf.Tensor([1.+0.j 2.+0.j 3.+0.j], shape=(3,), dtype=complex128) Example 2: tf.bitcast(tf.constant(0xffffffff, dtype=tf.uint32), tf.uint8) <tf.Tensor: shape=(4,), dtype=uint8, numpy=array([255, 255, 255, 255], dtype=uint8)> Example 3: x = [1., 2., 3.] y = [0., 2., 3.] equality= tf.equal(x,y) equality_cast = tf.cast(equality,tf.float32) equality_bitcast = tf.bitcast(equality_cast,tf.uint8) print(equality) tf.Tensor([False True True], shape=(3,), dtype=bool) print(equality_cast) tf.Tensor([0. 1. 1.], shape=(3,), dtype=float32) print(equality_bitcast) tf.Tensor( [[ 0 0 0 0] [ 0 0 128 63] [ 0 0 128 63]], shape=(3, 4), dtype=uint8) Note: Bitcast is implemented as a low-level cast, so machines with different endian orderings will give different results. Args input A Tensor. Must be one of the following types: bfloat16, half, float32, float64, int64, int32, uint8, uint16, uint32, uint64, int8, int16, complex64, complex128, qint8, quint8, qint16, quint16, qint32. type A tf.DType from: tf.bfloat16, tf.half, tf.float32, tf.float64, tf.int64, tf.int32, tf.uint8, tf.uint16, tf.uint32, tf.uint64, tf.int8, tf.int16, tf.complex64, tf.complex128, tf.qint8, tf.quint8, tf.qint16, tf.quint16, tf.qint32. name A name for the operation (optional). Returns A Tensor of type type.
tensorflow.raw_ops.bitcast
tf.raw_ops.BitwiseAnd Elementwise computes the bitwise AND of x and y. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BitwiseAnd tf.raw_ops.BitwiseAnd( x, y, name=None ) The result will have those bits set, that are set in both x and y. The computation is performed on the underlying representations of x and y. For example: import tensorflow as tf from tensorflow.python.ops import bitwise_ops dtype_list = [tf.int8, tf.int16, tf.int32, tf.int64, tf.uint8, tf.uint16, tf.uint32, tf.uint64] for dtype in dtype_list: lhs = tf.constant([0, 5, 3, 14], dtype=dtype) rhs = tf.constant([5, 0, 7, 11], dtype=dtype) exp = tf.constant([0, 0, 3, 10], dtype=tf.float32) res = bitwise_ops.bitwise_and(lhs, rhs) tf.assert_equal(tf.cast(res, tf.float32), exp) # TRUE Args x A Tensor. Must be one of the following types: int8, int16, int32, int64, uint8, uint16, uint32, uint64. y A Tensor. Must have the same type as x. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.bitwiseand
tf.raw_ops.BitwiseOr Elementwise computes the bitwise OR of x and y. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BitwiseOr tf.raw_ops.BitwiseOr( x, y, name=None ) The result will have those bits set, that are set in x, y or both. The computation is performed on the underlying representations of x and y. For example: import tensorflow as tf from tensorflow.python.ops import bitwise_ops dtype_list = [tf.int8, tf.int16, tf.int32, tf.int64, tf.uint8, tf.uint16, tf.uint32, tf.uint64] for dtype in dtype_list: lhs = tf.constant([0, 5, 3, 14], dtype=dtype) rhs = tf.constant([5, 0, 7, 11], dtype=dtype) exp = tf.constant([5, 5, 7, 15], dtype=tf.float32) res = bitwise_ops.bitwise_or(lhs, rhs) tf.assert_equal(tf.cast(res, tf.float32), exp) # TRUE Args x A Tensor. Must be one of the following types: int8, int16, int32, int64, uint8, uint16, uint32, uint64. y A Tensor. Must have the same type as x. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.bitwiseor
tf.raw_ops.BitwiseXor Elementwise computes the bitwise XOR of x and y. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BitwiseXor tf.raw_ops.BitwiseXor( x, y, name=None ) The result will have those bits set, that are different in x and y. The computation is performed on the underlying representations of x and y. For example: import tensorflow as tf from tensorflow.python.ops import bitwise_ops dtype_list = [tf.int8, tf.int16, tf.int32, tf.int64, tf.uint8, tf.uint16, tf.uint32, tf.uint64] for dtype in dtype_list: lhs = tf.constant([0, 5, 3, 14], dtype=dtype) rhs = tf.constant([5, 0, 7, 11], dtype=dtype) exp = tf.constant([5, 5, 4, 5], dtype=tf.float32) res = bitwise_ops.bitwise_xor(lhs, rhs) tf.assert_equal(tf.cast(res, tf.float32), exp) # TRUE Args x A Tensor. Must be one of the following types: int8, int16, int32, int64, uint8, uint16, uint32, uint64. y A Tensor. Must have the same type as x. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.bitwisexor
tf.raw_ops.BlockLSTM Computes the LSTM cell forward propagation for all the time steps. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BlockLSTM tf.raw_ops.BlockLSTM( seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, forget_bias=1, cell_clip=3, use_peephole=False, name=None ) This is equivalent to applying LSTMBlockCell in a loop, like so: for x1 in unpack(x): i1, cs1, f1, o1, ci1, co1, h1 = LSTMBlock( x1, cs_prev, h_prev, w, wci, wcf, wco, b) cs_prev = cs1 h_prev = h1 i.append(i1) cs.append(cs1) f.append(f1) o.append(o1) ci.append(ci1) co.append(co1) h.append(h1) return pack(i), pack(cs), pack(f), pack(o), pack(ci), pack(ch), pack(h) Args seq_len_max A Tensor of type int64. Maximum time length actually used by this input. Outputs are padded with zeros beyond this length. x A Tensor. Must be one of the following types: half, float32. The sequence input to the LSTM, shape (timelen, batch_size, num_inputs). cs_prev A Tensor. Must have the same type as x. Value of the initial cell state. h_prev A Tensor. Must have the same type as x. Initial output of cell (to be used for peephole). w A Tensor. Must have the same type as x. The weight matrix. wci A Tensor. Must have the same type as x. The weight matrix for input gate peephole connection. wcf A Tensor. Must have the same type as x. The weight matrix for forget gate peephole connection. wco A Tensor. Must have the same type as x. The weight matrix for output gate peephole connection. b A Tensor. Must have the same type as x. The bias vector. forget_bias An optional float. Defaults to 1. The forget gate bias. cell_clip An optional float. Defaults to 3. Value to clip the 'cs' value to. use_peephole An optional bool. Defaults to False. Whether to use peephole weights. name A name for the operation (optional). Returns A tuple of Tensor objects (i, cs, f, o, ci, co, h). i A Tensor. Has the same type as x. cs A Tensor. Has the same type as x. f A Tensor. Has the same type as x. o A Tensor. Has the same type as x. ci A Tensor. Has the same type as x. co A Tensor. Has the same type as x. h A Tensor. Has the same type as x.
tensorflow.raw_ops.blocklstm
tf.raw_ops.BlockLSTMGrad Computes the LSTM cell backward propagation for the entire time sequence. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BlockLSTMGrad tf.raw_ops.BlockLSTMGrad( seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, i, cs, f, o, ci, co, h, cs_grad, h_grad, use_peephole, name=None ) This implementation is to be used in conjunction of LSTMBlock. Args seq_len_max A Tensor of type int64. Maximum time length actually used by this input. Outputs are padded with zeros beyond this length. x A Tensor. Must be one of the following types: half, float32. The sequence input to the LSTM, shape (timelen, batch_size, num_inputs). cs_prev A Tensor. Must have the same type as x. Value of the initial cell state. h_prev A Tensor. Must have the same type as x. Initial output of cell (to be used for peephole). w A Tensor. Must have the same type as x. The weight matrix. wci A Tensor. Must have the same type as x. The weight matrix for input gate peephole connection. wcf A Tensor. Must have the same type as x. The weight matrix for forget gate peephole connection. wco A Tensor. Must have the same type as x. The weight matrix for output gate peephole connection. b A Tensor. Must have the same type as x. The bias vector. i A Tensor. Must have the same type as x. The input gate over the whole time sequence. cs A Tensor. Must have the same type as x. The cell state before the tanh over the whole time sequence. f A Tensor. Must have the same type as x. The forget gate over the whole time sequence. o A Tensor. Must have the same type as x. The output gate over the whole time sequence. ci A Tensor. Must have the same type as x. The cell input over the whole time sequence. co A Tensor. Must have the same type as x. The cell after the tanh over the whole time sequence. h A Tensor. Must have the same type as x. The output h vector over the whole time sequence. cs_grad A Tensor. Must have the same type as x. The current gradient of cs. h_grad A Tensor. Must have the same type as x. The gradient of h vector. use_peephole A bool. Whether to use peephole weights. name A name for the operation (optional). Returns A tuple of Tensor objects (x_grad, cs_prev_grad, h_prev_grad, w_grad, wci_grad, wcf_grad, wco_grad, b_grad). x_grad A Tensor. Has the same type as x. cs_prev_grad A Tensor. Has the same type as x. h_prev_grad A Tensor. Has the same type as x. w_grad A Tensor. Has the same type as x. wci_grad A Tensor. Has the same type as x. wcf_grad A Tensor. Has the same type as x. wco_grad A Tensor. Has the same type as x. b_grad A Tensor. Has the same type as x.
tensorflow.raw_ops.blocklstmgrad
tf.raw_ops.BlockLSTMGradV2 Computes the LSTM cell backward propagation for the entire time sequence. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BlockLSTMGradV2 tf.raw_ops.BlockLSTMGradV2( seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, i, cs, f, o, ci, co, h, cs_grad, h_grad, use_peephole, name=None ) This implementation is to be used in conjunction of BlockLSTMV2. Args seq_len_max A Tensor of type int64. Maximum time length actually used by this input. Outputs are padded with zeros beyond this length. x A Tensor. Must be one of the following types: half, float32. The sequence input to the LSTM, shape (timelen, batch_size, num_inputs). cs_prev A Tensor. Must have the same type as x. Value of the initial cell state. h_prev A Tensor. Must have the same type as x. Initial output of cell (to be used for peephole). w A Tensor. Must have the same type as x. The weight matrix. wci A Tensor. Must have the same type as x. The weight matrix for input gate peephole connection. wcf A Tensor. Must have the same type as x. The weight matrix for forget gate peephole connection. wco A Tensor. Must have the same type as x. The weight matrix for output gate peephole connection. b A Tensor. Must have the same type as x. The bias vector. i A Tensor. Must have the same type as x. The input gate over the whole time sequence. cs A Tensor. Must have the same type as x. The cell state before the tanh over the whole time sequence. f A Tensor. Must have the same type as x. The forget gate over the whole time sequence. o A Tensor. Must have the same type as x. The output gate over the whole time sequence. ci A Tensor. Must have the same type as x. The cell input over the whole time sequence. co A Tensor. Must have the same type as x. The cell after the tanh over the whole time sequence. h A Tensor. Must have the same type as x. The output h vector over the whole time sequence. cs_grad A Tensor. Must have the same type as x. The current gradient of cs. h_grad A Tensor. Must have the same type as x. The gradient of h vector. use_peephole A bool. Whether to use peephole weights. name A name for the operation (optional). Returns A tuple of Tensor objects (x_grad, cs_prev_grad, h_prev_grad, w_grad, wci_grad, wcf_grad, wco_grad, b_grad). x_grad A Tensor. Has the same type as x. cs_prev_grad A Tensor. Has the same type as x. h_prev_grad A Tensor. Has the same type as x. w_grad A Tensor. Has the same type as x. wci_grad A Tensor. Has the same type as x. wcf_grad A Tensor. Has the same type as x. wco_grad A Tensor. Has the same type as x. b_grad A Tensor. Has the same type as x.
tensorflow.raw_ops.blocklstmgradv2
tf.raw_ops.BlockLSTMV2 Computes the LSTM cell forward propagation for all the time steps. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BlockLSTMV2 tf.raw_ops.BlockLSTMV2( seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, cell_clip=0, use_peephole=False, name=None ) This is equivalent to applying LSTMBlockCell in a loop, like so: for x1 in unpack(x): i1, cs1, f1, o1, ci1, co1, h1 = LSTMBlock( x1, cs_prev, h_prev, w, wci, wcf, wco, b) cs_prev = cs1 h_prev = h1 i.append(i1) cs.append(cs1) f.append(f1) o.append(o1) ci.append(ci1) co.append(co1) h.append(h1) return pack(i), pack(cs), pack(f), pack(o), pack(ci), pack(ch), pack(h) Note that unlike LSTMBlockCell (and BlockLSTM) which uses ICFO gate layout, this op uses IFCO. So in order for the following snippet to be equivalent all gate-related outputs should be reordered. Args seq_len_max A Tensor of type int64. Maximum time length actually used by this input. Outputs are padded with zeros beyond this length. x A Tensor. Must be one of the following types: half, float32. The sequence input to the LSTM, shape (timelen, batch_size, num_inputs). cs_prev A Tensor. Must have the same type as x. Value of the initial cell state. h_prev A Tensor. Must have the same type as x. Initial output of cell (to be used for peephole). w A Tensor. Must have the same type as x. The weight matrix. wci A Tensor. Must have the same type as x. The weight matrix for input gate peephole connection. wcf A Tensor. Must have the same type as x. The weight matrix for forget gate peephole connection. wco A Tensor. Must have the same type as x. The weight matrix for output gate peephole connection. b A Tensor. Must have the same type as x. The bias vector. cell_clip An optional float. Defaults to 0. Value to clip the 'cs' value to. use_peephole An optional bool. Defaults to False. Whether to use peephole weights. name A name for the operation (optional). Returns A tuple of Tensor objects (i, cs, f, o, ci, co, h). i A Tensor. Has the same type as x. cs A Tensor. Has the same type as x. f A Tensor. Has the same type as x. o A Tensor. Has the same type as x. ci A Tensor. Has the same type as x. co A Tensor. Has the same type as x. h A Tensor. Has the same type as x.
tensorflow.raw_ops.blocklstmv2
tf.raw_ops.BoostedTreesAggregateStats Aggregates the summary of accumulated stats for the batch. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesAggregateStats tf.raw_ops.BoostedTreesAggregateStats( node_ids, gradients, hessians, feature, max_splits, num_buckets, name=None ) The summary stats contains gradients and hessians accumulated for each node, feature dimension id and bucket. Args node_ids A Tensor of type int32. int32; Rank 1 Tensor containing node ids for each example, shape [batch_size]. gradients A Tensor of type float32. float32; Rank 2 Tensor (shape=[batch_size, logits_dimension]) with gradients for each example. hessians A Tensor of type float32. float32; Rank 2 Tensor (shape=[batch_size, hessian_dimension]) with hessians for each example. feature A Tensor of type int32. int32; Rank 2 feature Tensors (shape=[batch_size, feature_dimension]). max_splits An int that is >= 1. int; the maximum number of splits possible in the whole tree. num_buckets An int that is >= 1. int; equals to the maximum possible value of bucketized feature. name A name for the operation (optional). Returns A Tensor of type float32.
tensorflow.raw_ops.boostedtreesaggregatestats
tf.raw_ops.BoostedTreesBucketize Bucketize each feature based on bucket boundaries. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesBucketize tf.raw_ops.BoostedTreesBucketize( float_values, bucket_boundaries, name=None ) An op that returns a list of float tensors, where each tensor represents the bucketized values for a single feature. Args float_values A list of Tensor objects with type float32. float; List of Rank 1 Tensor each containing float values for a single feature. bucket_boundaries A list with the same length as float_values of Tensor objects with type float32. float; List of Rank 1 Tensors each containing the bucket boundaries for a single feature. name A name for the operation (optional). Returns A list with the same length as float_values of Tensor objects with type int32.
tensorflow.raw_ops.boostedtreesbucketize
tf.raw_ops.BoostedTreesCalculateBestFeatureSplit Calculates gains for each feature and returns the best possible split information for the feature. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesCalculateBestFeatureSplit tf.raw_ops.BoostedTreesCalculateBestFeatureSplit( node_id_range, stats_summary, l1, l2, tree_complexity, min_node_weight, logits_dimension, split_type='inequality', name=None ) The split information is the best threshold (bucket id), gains and left/right node contributions per node for each feature. It is possible that not all nodes can be split on each feature. Hence, the list of possible nodes can differ between the features. Therefore, we return node_ids_list for each feature, containing the list of nodes that this feature can be used to split. In this manner, the output is the best split per features and per node, so that it needs to be combined later to produce the best split for each node (among all possible features). The output shapes are compatible in a way that the first dimension of all tensors are the same and equal to the number of possible split nodes for each feature. Args node_id_range A Tensor of type int32. A Rank 1 tensor (shape=[2]) to specify the range [first, last) of node ids to process within stats_summary_list. The nodes are iterated between the two nodes specified by the tensor, as like for node_id in range(node_id_range[0], node_id_range[1]) (Note that the last index node_id_range[1] is exclusive). stats_summary A Tensor of type float32. A Rank 4 tensor (#shape=[max_splits, feature_dims, bucket, stats_dims]) for accumulated stats summary (gradient/hessian) per node, per dimension, per buckets for each feature. The first dimension of the tensor is the maximum number of splits, and thus not all elements of it will be used, but only the indexes specified by node_ids will be used. l1 A Tensor of type float32. l1 regularization factor on leaf weights, per instance based. l2 A Tensor of type float32. l2 regularization factor on leaf weights, per instance based. tree_complexity A Tensor of type float32. adjustment to the gain, per leaf based. min_node_weight A Tensor of type float32. minimum avg of hessians in a node before required for the node to be considered for splitting. logits_dimension An int that is >= 1. The dimension of logit, i.e., number of classes. split_type An optional string from: "inequality", "equality". Defaults to "inequality". A string indicating if this Op should perform inequality split or equality split. name A name for the operation (optional). Returns A tuple of Tensor objects (node_ids, gains, feature_dimensions, thresholds, left_node_contribs, right_node_contribs, split_with_default_directions). node_ids A Tensor of type int32. gains A Tensor of type float32. feature_dimensions A Tensor of type int32. thresholds A Tensor of type int32. left_node_contribs A Tensor of type float32. right_node_contribs A Tensor of type float32. split_with_default_directions A Tensor of type string.
tensorflow.raw_ops.boostedtreescalculatebestfeaturesplit
tf.raw_ops.BoostedTreesCalculateBestFeatureSplitV2 Calculates gains for each feature and returns the best possible split information for each node. However, if no split is found, then no split information is returned for that node. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesCalculateBestFeatureSplitV2 tf.raw_ops.BoostedTreesCalculateBestFeatureSplitV2( node_id_range, stats_summaries_list, split_types, candidate_feature_ids, l1, l2, tree_complexity, min_node_weight, logits_dimension, name=None ) The split information is the best threshold (bucket id), gains and left/right node contributions per node for each feature. It is possible that not all nodes can be split on each feature. Hence, the list of possible nodes can differ between the features. Therefore, we return node_ids_list for each feature, containing the list of nodes that this feature can be used to split. In this manner, the output is the best split per features and per node, so that it needs to be combined later to produce the best split for each node (among all possible features). The output shapes are compatible in a way that the first dimension of all tensors are the same and equal to the number of possible split nodes for each feature. Args node_id_range A Tensor of type int32. A Rank 1 tensor (shape=[2]) to specify the range [first, last) of node ids to process within stats_summary_list. The nodes are iterated between the two nodes specified by the tensor, as like for node_id in range(node_id_range[0], node_id_range[1]) (Note that the last index node_id_range[1] is exclusive). stats_summaries_list A list of at least 1 Tensor objects with type float32. A list of Rank 4 tensor (#shape=[max_splits, feature_dims, bucket, stats_dims]) for accumulated stats summary (gradient/hessian) per node, per dimension, per buckets for each feature. The first dimension of the tensor is the maximum number of splits, and thus not all elements of it will be used, but only the indexes specified by node_ids will be used. split_types A Tensor of type string. A Rank 1 tensor indicating if this Op should perform inequality split or equality split per feature. candidate_feature_ids A Tensor of type int32. Rank 1 tensor with ids for each feature. This is the real id of the feature. l1 A Tensor of type float32. l1 regularization factor on leaf weights, per instance based. l2 A Tensor of type float32. l2 regularization factor on leaf weights, per instance based. tree_complexity A Tensor of type float32. adjustment to the gain, per leaf based. min_node_weight A Tensor of type float32. minimum avg of hessians in a node before required for the node to be considered for splitting. logits_dimension An int that is >= 1. The dimension of logit, i.e., number of classes. name A name for the operation (optional). Returns A tuple of Tensor objects (node_ids, gains, feature_ids, feature_dimensions, thresholds, left_node_contribs, right_node_contribs, split_with_default_directions). node_ids A Tensor of type int32. gains A Tensor of type float32. feature_ids A Tensor of type int32. feature_dimensions A Tensor of type int32. thresholds A Tensor of type int32. left_node_contribs A Tensor of type float32. right_node_contribs A Tensor of type float32. split_with_default_directions A Tensor of type string.
tensorflow.raw_ops.boostedtreescalculatebestfeaturesplitv2
tf.raw_ops.BoostedTreesCalculateBestGainsPerFeature Calculates gains for each feature and returns the best possible split information for the feature. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesCalculateBestGainsPerFeature tf.raw_ops.BoostedTreesCalculateBestGainsPerFeature( node_id_range, stats_summary_list, l1, l2, tree_complexity, min_node_weight, max_splits, name=None ) The split information is the best threshold (bucket id), gains and left/right node contributions per node for each feature. It is possible that not all nodes can be split on each feature. Hence, the list of possible nodes can differ between the features. Therefore, we return node_ids_list for each feature, containing the list of nodes that this feature can be used to split. In this manner, the output is the best split per features and per node, so that it needs to be combined later to produce the best split for each node (among all possible features). The length of output lists are all of the same length, num_features. The output shapes are compatible in a way that the first dimension of all tensors of all lists are the same and equal to the number of possible split nodes for each feature. Args node_id_range A Tensor of type int32. A Rank 1 tensor (shape=[2]) to specify the range [first, last) of node ids to process within stats_summary_list. The nodes are iterated between the two nodes specified by the tensor, as like for node_id in range(node_id_range[0], node_id_range[1]) (Note that the last index node_id_range[1] is exclusive). stats_summary_list A list of at least 1 Tensor objects with type float32. A list of Rank 3 tensor (#shape=[max_splits, bucket, 2]) for accumulated stats summary (gradient/hessian) per node per buckets for each feature. The first dimension of the tensor is the maximum number of splits, and thus not all elements of it will be used, but only the indexes specified by node_ids will be used. l1 A Tensor of type float32. l1 regularization factor on leaf weights, per instance based. l2 A Tensor of type float32. l2 regularization factor on leaf weights, per instance based. tree_complexity A Tensor of type float32. adjustment to the gain, per leaf based. min_node_weight A Tensor of type float32. minimum avg of hessians in a node before required for the node to be considered for splitting. max_splits An int that is >= 1. the number of nodes that can be split in the whole tree. Used as a dimension of output tensors. name A name for the operation (optional). Returns A tuple of Tensor objects (node_ids_list, gains_list, thresholds_list, left_node_contribs_list, right_node_contribs_list). node_ids_list A list with the same length as stats_summary_list of Tensor objects with type int32. gains_list A list with the same length as stats_summary_list of Tensor objects with type float32. thresholds_list A list with the same length as stats_summary_list of Tensor objects with type int32. left_node_contribs_list A list with the same length as stats_summary_list of Tensor objects with type float32. right_node_contribs_list A list with the same length as stats_summary_list of Tensor objects with type float32.
tensorflow.raw_ops.boostedtreescalculatebestgainsperfeature
tf.raw_ops.BoostedTreesCenterBias Calculates the prior from the training data (the bias) and fills in the first node with the logits' prior. Returns a boolean indicating whether to continue centering. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesCenterBias tf.raw_ops.BoostedTreesCenterBias( tree_ensemble_handle, mean_gradients, mean_hessians, l1, l2, name=None ) Args tree_ensemble_handle A Tensor of type resource. Handle to the tree ensemble. mean_gradients A Tensor of type float32. A tensor with shape=[logits_dimension] with mean of gradients for a first node. mean_hessians A Tensor of type float32. A tensor with shape=[logits_dimension] mean of hessians for a first node. l1 A Tensor of type float32. l1 regularization factor on leaf weights, per instance based. l2 A Tensor of type float32. l2 regularization factor on leaf weights, per instance based. name A name for the operation (optional). Returns A Tensor of type bool.
tensorflow.raw_ops.boostedtreescenterbias
tf.raw_ops.BoostedTreesCreateEnsemble Creates a tree ensemble model and returns a handle to it. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesCreateEnsemble tf.raw_ops.BoostedTreesCreateEnsemble( tree_ensemble_handle, stamp_token, tree_ensemble_serialized, name=None ) Args tree_ensemble_handle A Tensor of type resource. Handle to the tree ensemble resource to be created. stamp_token A Tensor of type int64. Token to use as the initial value of the resource stamp. tree_ensemble_serialized A Tensor of type string. Serialized proto of the tree ensemble. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreescreateensemble
tf.raw_ops.BoostedTreesCreateQuantileStreamResource Create the Resource for Quantile Streams. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesCreateQuantileStreamResource tf.raw_ops.BoostedTreesCreateQuantileStreamResource( quantile_stream_resource_handle, epsilon, num_streams, max_elements=1099511627776, name=None ) Args quantile_stream_resource_handle A Tensor of type resource. resource; Handle to quantile stream resource. epsilon A Tensor of type float32. float; The required approximation error of the stream resource. num_streams A Tensor of type int64. int; The number of streams managed by the resource that shares the same epsilon. max_elements An optional int. Defaults to 1099511627776. int; The maximum number of data points that can be fed to the stream. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreescreatequantilestreamresource
tf.raw_ops.BoostedTreesDeserializeEnsemble Deserializes a serialized tree ensemble config and replaces current tree View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesDeserializeEnsemble tf.raw_ops.BoostedTreesDeserializeEnsemble( tree_ensemble_handle, stamp_token, tree_ensemble_serialized, name=None ) ensemble. Args tree_ensemble_handle A Tensor of type resource. Handle to the tree ensemble. stamp_token A Tensor of type int64. Token to use as the new value of the resource stamp. tree_ensemble_serialized A Tensor of type string. Serialized proto of the ensemble. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreesdeserializeensemble
tf.raw_ops.BoostedTreesEnsembleResourceHandleOp Creates a handle to a BoostedTreesEnsembleResource View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesEnsembleResourceHandleOp tf.raw_ops.BoostedTreesEnsembleResourceHandleOp( container='', shared_name='', name=None ) Args container An optional string. Defaults to "". shared_name An optional string. Defaults to "". name A name for the operation (optional). Returns A Tensor of type resource.
tensorflow.raw_ops.boostedtreesensembleresourcehandleop
tf.raw_ops.BoostedTreesExampleDebugOutputs Debugging/model interpretability outputs for each example. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesExampleDebugOutputs tf.raw_ops.BoostedTreesExampleDebugOutputs( tree_ensemble_handle, bucketized_features, logits_dimension, name=None ) It traverses all the trees and computes debug metrics for individual examples, such as getting split feature ids and logits after each split along the decision path used to compute directional feature contributions. Args tree_ensemble_handle A Tensor of type resource. bucketized_features A list of at least 1 Tensor objects with type int32. A list of rank 1 Tensors containing bucket id for each feature. logits_dimension An int. scalar, dimension of the logits, to be used for constructing the protos in examples_debug_outputs_serialized. name A name for the operation (optional). Returns A Tensor of type string.
tensorflow.raw_ops.boostedtreesexampledebugoutputs
tf.raw_ops.BoostedTreesFlushQuantileSummaries Flush the quantile summaries from each quantile stream resource. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesFlushQuantileSummaries tf.raw_ops.BoostedTreesFlushQuantileSummaries( quantile_stream_resource_handle, num_features, name=None ) An op that outputs a list of quantile summaries of a quantile stream resource. Each summary Tensor is rank 2, containing summaries (value, weight, min_rank, max_rank) for a single feature. Args quantile_stream_resource_handle A Tensor of type resource. resource handle referring to a QuantileStreamResource. num_features An int that is >= 0. name A name for the operation (optional). Returns A list of num_features Tensor objects with type float32.
tensorflow.raw_ops.boostedtreesflushquantilesummaries
tf.raw_ops.BoostedTreesGetEnsembleStates Retrieves the tree ensemble resource stamp token, number of trees and growing statistics. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesGetEnsembleStates tf.raw_ops.BoostedTreesGetEnsembleStates( tree_ensemble_handle, name=None ) Args tree_ensemble_handle A Tensor of type resource. Handle to the tree ensemble. name A name for the operation (optional). Returns A tuple of Tensor objects (stamp_token, num_trees, num_finalized_trees, num_attempted_layers, last_layer_nodes_range). stamp_token A Tensor of type int64. num_trees A Tensor of type int32. num_finalized_trees A Tensor of type int32. num_attempted_layers A Tensor of type int32. last_layer_nodes_range A Tensor of type int32.
tensorflow.raw_ops.boostedtreesgetensemblestates
tf.raw_ops.BoostedTreesMakeQuantileSummaries Makes the summary of quantiles for the batch. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesMakeQuantileSummaries tf.raw_ops.BoostedTreesMakeQuantileSummaries( float_values, example_weights, epsilon, name=None ) An op that takes a list of tensors (one tensor per feature) and outputs the quantile summaries for each tensor. Args float_values A list of Tensor objects with type float32. float; List of Rank 1 Tensors each containing values for a single feature. example_weights A Tensor of type float32. float; Rank 1 Tensor with weights per instance. epsilon A Tensor of type float32. float; The required maximum approximation error. name A name for the operation (optional). Returns A list with the same length as float_values of Tensor objects with type float32.
tensorflow.raw_ops.boostedtreesmakequantilesummaries
tf.raw_ops.BoostedTreesMakeStatsSummary Makes the summary of accumulated stats for the batch. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesMakeStatsSummary tf.raw_ops.BoostedTreesMakeStatsSummary( node_ids, gradients, hessians, bucketized_features_list, max_splits, num_buckets, name=None ) The summary stats contains gradients and hessians accumulated into the corresponding node and bucket for each example. Args node_ids A Tensor of type int32. int32 Rank 1 Tensor containing node ids, which each example falls into for the requested layer. gradients A Tensor of type float32. float32; Rank 2 Tensor (shape=[#examples, 1]) for gradients. hessians A Tensor of type float32. float32; Rank 2 Tensor (shape=[#examples, 1]) for hessians. bucketized_features_list A list of at least 1 Tensor objects with type int32. int32 list of Rank 1 Tensors, each containing the bucketized feature (for each feature column). max_splits An int that is >= 1. int; the maximum number of splits possible in the whole tree. num_buckets An int that is >= 1. int; equals to the maximum possible value of bucketized feature. name A name for the operation (optional). Returns A Tensor of type float32.
tensorflow.raw_ops.boostedtreesmakestatssummary
tf.raw_ops.BoostedTreesPredict Runs multiple additive regression ensemble predictors on input instances and View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesPredict tf.raw_ops.BoostedTreesPredict( tree_ensemble_handle, bucketized_features, logits_dimension, name=None ) computes the logits. It is designed to be used during prediction. It traverses all the trees and calculates the final score for each instance. Args tree_ensemble_handle A Tensor of type resource. bucketized_features A list of at least 1 Tensor objects with type int32. A list of rank 1 Tensors containing bucket id for each feature. logits_dimension An int. scalar, dimension of the logits, to be used for partial logits shape. name A name for the operation (optional). Returns A Tensor of type float32.
tensorflow.raw_ops.boostedtreespredict
tf.raw_ops.BoostedTreesQuantileStreamResourceAddSummaries Add the quantile summaries to each quantile stream resource. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesQuantileStreamResourceAddSummaries tf.raw_ops.BoostedTreesQuantileStreamResourceAddSummaries( quantile_stream_resource_handle, summaries, name=None ) An op that adds a list of quantile summaries to a quantile stream resource. Each summary Tensor is rank 2, containing summaries (value, weight, min_rank, max_rank) for a single feature. Args quantile_stream_resource_handle A Tensor of type resource. resource handle referring to a QuantileStreamResource. summaries A list of Tensor objects with type float32. string; List of Rank 2 Tensor each containing the summaries for a single feature. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreesquantilestreamresourceaddsummaries
tf.raw_ops.BoostedTreesQuantileStreamResourceDeserialize Deserialize bucket boundaries and ready flag into current QuantileAccumulator. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesQuantileStreamResourceDeserialize tf.raw_ops.BoostedTreesQuantileStreamResourceDeserialize( quantile_stream_resource_handle, bucket_boundaries, name=None ) An op that deserializes bucket boundaries and are boundaries ready flag into current QuantileAccumulator. Args quantile_stream_resource_handle A Tensor of type resource. resource handle referring to a QuantileStreamResource. bucket_boundaries A list of at least 1 Tensor objects with type float32. float; List of Rank 1 Tensors each containing the bucket boundaries for a feature. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreesquantilestreamresourcedeserialize
tf.raw_ops.BoostedTreesQuantileStreamResourceFlush Flush the summaries for a quantile stream resource. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesQuantileStreamResourceFlush tf.raw_ops.BoostedTreesQuantileStreamResourceFlush( quantile_stream_resource_handle, num_buckets, generate_quantiles=False, name=None ) An op that flushes the summaries for a quantile stream resource. Args quantile_stream_resource_handle A Tensor of type resource. resource handle referring to a QuantileStreamResource. num_buckets A Tensor of type int64. int; approximate number of buckets unless using generate_quantiles. generate_quantiles An optional bool. Defaults to False. bool; If True, the output will be the num_quantiles for each stream where the ith entry is the ith quantile of the input with an approximation error of epsilon. Duplicate values may be present. If False, the output will be the points in the histogram that we got which roughly translates to 1/epsilon boundaries and without any duplicates. Default to False. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreesquantilestreamresourceflush
tf.raw_ops.BoostedTreesQuantileStreamResourceGetBucketBoundaries Generate the bucket boundaries for each feature based on accumulated summaries. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesQuantileStreamResourceGetBucketBoundaries tf.raw_ops.BoostedTreesQuantileStreamResourceGetBucketBoundaries( quantile_stream_resource_handle, num_features, name=None ) An op that returns a list of float tensors for a quantile stream resource. Each tensor is Rank 1 containing bucket boundaries for a single feature. Args quantile_stream_resource_handle A Tensor of type resource. resource handle referring to a QuantileStreamResource. num_features An int that is >= 0. inferred int; number of features to get bucket boundaries for. name A name for the operation (optional). Returns A list of num_features Tensor objects with type float32.
tensorflow.raw_ops.boostedtreesquantilestreamresourcegetbucketboundaries
tf.raw_ops.BoostedTreesQuantileStreamResourceHandleOp Creates a handle to a BoostedTreesQuantileStreamResource. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesQuantileStreamResourceHandleOp tf.raw_ops.BoostedTreesQuantileStreamResourceHandleOp( container='', shared_name='', name=None ) Args container An optional string. Defaults to "". shared_name An optional string. Defaults to "". name A name for the operation (optional). Returns A Tensor of type resource.
tensorflow.raw_ops.boostedtreesquantilestreamresourcehandleop
tf.raw_ops.BoostedTreesSerializeEnsemble Serializes the tree ensemble to a proto. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesSerializeEnsemble tf.raw_ops.BoostedTreesSerializeEnsemble( tree_ensemble_handle, name=None ) Args tree_ensemble_handle A Tensor of type resource. Handle to the tree ensemble. name A name for the operation (optional). Returns A tuple of Tensor objects (stamp_token, tree_ensemble_serialized). stamp_token A Tensor of type int64. tree_ensemble_serialized A Tensor of type string.
tensorflow.raw_ops.boostedtreesserializeensemble
tf.raw_ops.BoostedTreesSparseAggregateStats Aggregates the summary of accumulated stats for the batch. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesSparseAggregateStats tf.raw_ops.BoostedTreesSparseAggregateStats( node_ids, gradients, hessians, feature_indices, feature_values, feature_shape, max_splits, num_buckets, name=None ) The summary stats contains gradients and hessians accumulated for each node, bucket and dimension id. Args node_ids A Tensor of type int32. int32; Rank 1 Tensor containing node ids for each example, shape [batch_size]. gradients A Tensor of type float32. float32; Rank 2 Tensor (shape=[batch_size, logits_dimension]) with gradients for each example. hessians A Tensor of type float32. float32; Rank 2 Tensor (shape=[batch_size, hessian_dimension]) with hessians for each example. feature_indices A Tensor of type int32. int32; Rank 2 indices of feature sparse Tensors (shape=[number of sparse entries, 2]). Number of sparse entries across all instances from the batch. The first value is the index of the instance, the second is dimension of the feature. The second axis can only have 2 values, i.e., the input dense version of Tensor can only be matrix. feature_values A Tensor of type int32. int32; Rank 1 values of feature sparse Tensors (shape=[number of sparse entries]). Number of sparse entries across all instances from the batch. The first value is the index of the instance, the second is dimension of the feature. feature_shape A Tensor of type int32. int32; Rank 1 dense shape of feature sparse Tensors (shape=[2]). The first axis can only have 2 values, [batch_size, feature_dimension]. max_splits An int that is >= 1. int; the maximum number of splits possible in the whole tree. num_buckets An int that is >= 1. int; equals to the maximum possible value of bucketized feature + 1. name A name for the operation (optional). Returns A tuple of Tensor objects (stats_summary_indices, stats_summary_values, stats_summary_shape). stats_summary_indices A Tensor of type int32. stats_summary_values A Tensor of type float32. stats_summary_shape A Tensor of type int32.
tensorflow.raw_ops.boostedtreessparseaggregatestats
tf.raw_ops.BoostedTreesSparseCalculateBestFeatureSplit Calculates gains for each feature and returns the best possible split information for the feature. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesSparseCalculateBestFeatureSplit tf.raw_ops.BoostedTreesSparseCalculateBestFeatureSplit( node_id_range, stats_summary_indices, stats_summary_values, stats_summary_shape, l1, l2, tree_complexity, min_node_weight, logits_dimension, split_type='inequality', name=None ) The split information is the best threshold (bucket id), gains and left/right node contributions per node for each feature. It is possible that not all nodes can be split on each feature. Hence, the list of possible nodes can differ between the features. Therefore, we return node_ids_list for each feature, containing the list of nodes that this feature can be used to split. In this manner, the output is the best split per features and per node, so that it needs to be combined later to produce the best split for each node (among all possible features). The output shapes are compatible in a way that the first dimension of all tensors are the same and equal to the number of possible split nodes for each feature. Args node_id_range A Tensor of type int32. A Rank 1 tensor (shape=[2]) to specify the range [first, last) of node ids to process within stats_summary_list. The nodes are iterated between the two nodes specified by the tensor, as like for node_id in range(node_id_range[0], node_id_range[1]) (Note that the last index node_id_range[1] is exclusive). stats_summary_indices A Tensor of type int32. A Rank 2 int64 tensor of dense shape N, 4 for accumulated stats summary (gradient/hessian) per node per bucket for each feature. The second dimension contains node id, feature dimension, bucket id, and stats dim. stats dim is the sum of logits dimension and hessian dimension, hessian dimension can either be logits dimension if diagonal hessian is used, or logits dimension^2 if full hessian is used. stats_summary_values A Tensor of type float32. A Rank 1 float tensor of dense shape N, which supplies the values for each element in summary_indices. stats_summary_shape A Tensor of type int32. A Rank 1 float tensor of dense shape [4], which specifies the dense shape of the sparse tensor, which is [num tree nodes, feature dimensions, num buckets, stats dim]. l1 A Tensor of type float32. l1 regularization factor on leaf weights, per instance based. l2 A Tensor of type float32. l2 regularization factor on leaf weights, per instance based. tree_complexity A Tensor of type float32. adjustment to the gain, per leaf based. min_node_weight A Tensor of type float32. minimum avg of hessians in a node before required for the node to be considered for splitting. logits_dimension An int that is >= 1. The dimension of logit, i.e., number of classes. split_type An optional string from: "inequality". Defaults to "inequality". A string indicating if this Op should perform inequality split or equality split. name A name for the operation (optional). Returns A tuple of Tensor objects (node_ids, gains, feature_dimensions, thresholds, left_node_contribs, right_node_contribs, split_with_default_directions). node_ids A Tensor of type int32. gains A Tensor of type float32. feature_dimensions A Tensor of type int32. thresholds A Tensor of type int32. left_node_contribs A Tensor of type float32. right_node_contribs A Tensor of type float32. split_with_default_directions A Tensor of type string.
tensorflow.raw_ops.boostedtreessparsecalculatebestfeaturesplit
tf.raw_ops.BoostedTreesTrainingPredict Runs multiple additive regression ensemble predictors on input instances and View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesTrainingPredict tf.raw_ops.BoostedTreesTrainingPredict( tree_ensemble_handle, cached_tree_ids, cached_node_ids, bucketized_features, logits_dimension, name=None ) computes the update to cached logits. It is designed to be used during training. It traverses the trees starting from cached tree id and cached node id and calculates the updates to be pushed to the cache. Args tree_ensemble_handle A Tensor of type resource. cached_tree_ids A Tensor of type int32. Rank 1 Tensor containing cached tree ids which is the starting tree of prediction. cached_node_ids A Tensor of type int32. Rank 1 Tensor containing cached node id which is the starting node of prediction. bucketized_features A list of at least 1 Tensor objects with type int32. A list of rank 1 Tensors containing bucket id for each feature. logits_dimension An int. scalar, dimension of the logits, to be used for partial logits shape. name A name for the operation (optional). Returns A tuple of Tensor objects (partial_logits, tree_ids, node_ids). partial_logits A Tensor of type float32. tree_ids A Tensor of type int32. node_ids A Tensor of type int32.
tensorflow.raw_ops.boostedtreestrainingpredict
tf.raw_ops.BoostedTreesUpdateEnsemble Updates the tree ensemble by either adding a layer to the last tree being grown View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesUpdateEnsemble tf.raw_ops.BoostedTreesUpdateEnsemble( tree_ensemble_handle, feature_ids, node_ids, gains, thresholds, left_node_contribs, right_node_contribs, max_depth, learning_rate, pruning_mode, name=None ) or by starting a new tree. Args tree_ensemble_handle A Tensor of type resource. Handle to the ensemble variable. feature_ids A Tensor of type int32. Rank 1 tensor with ids for each feature. This is the real id of the feature that will be used in the split. node_ids A list of Tensor objects with type int32. List of rank 1 tensors representing the nodes for which this feature has a split. gains A list with the same length as node_ids of Tensor objects with type float32. List of rank 1 tensors representing the gains for each of the feature's split. thresholds A list with the same length as node_ids of Tensor objects with type int32. List of rank 1 tensors representing the thesholds for each of the feature's split. left_node_contribs A list with the same length as node_ids of Tensor objects with type float32. List of rank 2 tensors with left leaf contribs for each of the feature's splits. Will be added to the previous node values to constitute the values of the left nodes. right_node_contribs A list with the same length as node_ids of Tensor objects with type float32. List of rank 2 tensors with right leaf contribs for each of the feature's splits. Will be added to the previous node values to constitute the values of the right nodes. max_depth A Tensor of type int32. Max depth of the tree to build. learning_rate A Tensor of type float32. shrinkage const for each new tree. pruning_mode An int that is >= 0. 0-No pruning, 1-Pre-pruning, 2-Post-pruning. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreesupdateensemble
tf.raw_ops.BoostedTreesUpdateEnsembleV2 Updates the tree ensemble by adding a layer to the last tree being grown View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BoostedTreesUpdateEnsembleV2 tf.raw_ops.BoostedTreesUpdateEnsembleV2( tree_ensemble_handle, feature_ids, dimension_ids, node_ids, gains, thresholds, left_node_contribs, right_node_contribs, split_types, max_depth, learning_rate, pruning_mode, logits_dimension=1, name=None ) or by starting a new tree. Args tree_ensemble_handle A Tensor of type resource. Handle to the ensemble variable. feature_ids A list of at least 1 Tensor objects with type int32. Rank 1 tensor with ids for each feature. This is the real id of the feature that will be used in the split. dimension_ids A list of Tensor objects with type int32. List of rank 1 tensors representing the dimension in each feature. node_ids A list with the same length as dimension_ids of Tensor objects with type int32. List of rank 1 tensors representing the nodes for which this feature has a split. gains A list with the same length as dimension_ids of Tensor objects with type float32. List of rank 1 tensors representing the gains for each of the feature's split. thresholds A list with the same length as dimension_ids of Tensor objects with type int32. List of rank 1 tensors representing the thesholds for each of the feature's split. left_node_contribs A list with the same length as dimension_ids of Tensor objects with type float32. List of rank 2 tensors with left leaf contribs for each of the feature's splits. Will be added to the previous node values to constitute the values of the left nodes. right_node_contribs A list with the same length as dimension_ids of Tensor objects with type float32. List of rank 2 tensors with right leaf contribs for each of the feature's splits. Will be added to the previous node values to constitute the values of the right nodes. split_types A list with the same length as dimension_ids of Tensor objects with type string. List of rank 1 tensors representing the split type for each feature. max_depth A Tensor of type int32. Max depth of the tree to build. learning_rate A Tensor of type float32. shrinkage const for each new tree. pruning_mode A Tensor of type int32. 0-No pruning, 1-Pre-pruning, 2-Post-pruning. logits_dimension An optional int. Defaults to 1. scalar, dimension of the logits name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.boostedtreesupdateensemblev2
tf.raw_ops.BroadcastArgs Return the shape of s0 op s1 with broadcast. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BroadcastArgs tf.raw_ops.BroadcastArgs( s0, s1, name=None ) Given s0 and s1, tensors that represent shapes, compute r0, the broadcasted shape. s0, s1 and r0 are all integer vectors. Args s0 A Tensor. Must be one of the following types: int32, int64. s1 A Tensor. Must have the same type as s0. name A name for the operation (optional). Returns A Tensor. Has the same type as s0.
tensorflow.raw_ops.broadcastargs
tf.raw_ops.BroadcastGradientArgs Return the reduction indices for computing gradients of s0 op s1 with broadcast. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BroadcastGradientArgs tf.raw_ops.BroadcastGradientArgs( s0, s1, name=None ) This is typically used by gradient computations for a broadcasting operation. Args s0 A Tensor. Must be one of the following types: int32, int64. s1 A Tensor. Must have the same type as s0. name A name for the operation (optional). Returns A tuple of Tensor objects (r0, r1). r0 A Tensor. Has the same type as s0. r1 A Tensor. Has the same type as s0.
tensorflow.raw_ops.broadcastgradientargs
tf.raw_ops.BroadcastTo Broadcast an array for a compatible shape. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BroadcastTo tf.raw_ops.BroadcastTo( input, shape, name=None ) Broadcasting is the process of making arrays to have compatible shapes for arithmetic operations. Two shapes are compatible if for each dimension pair they are either equal or one of them is one. When trying to broadcast a Tensor to a shape, it starts with the trailing dimensions, and works its way forward. For example, x = tf.constant([1, 2, 3]) y = tf.broadcast_to(x, [3, 3]) print(y) tf.Tensor( [[1 2 3] [1 2 3] [1 2 3]], shape=(3, 3), dtype=int32) In the above example, the input Tensor with the shape of [1, 3] is broadcasted to output Tensor with shape of [3, 3]. When doing broadcasted operations such as multiplying a tensor by a scalar, broadcasting (usually) confers some time or space benefit, as the broadcasted tensor is never materialized. However, broadcast_to does not carry with it any such benefits. The newly-created tensor takes the full memory of the broadcasted shape. (In a graph context, broadcast_to might be fused to subsequent operation and then be optimized away, however.) Args input A Tensor. A Tensor to broadcast. shape A Tensor. Must be one of the following types: int32, int64. An 1-D int Tensor. The shape of the desired output. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.broadcastto
tf.raw_ops.Bucketize Bucketizes 'input' based on 'boundaries'. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Bucketize tf.raw_ops.Bucketize( input, boundaries, name=None ) For example, if the inputs are boundaries = [0, 10, 100] input = [[-5, 10000] [150, 10] [5, 100]] then the output will be output = [[0, 3] [3, 2] [1, 3]] Args input A Tensor. Must be one of the following types: int32, int64, float32, float64. Any shape of Tensor contains with int or float type. boundaries A list of floats. A sorted list of floats gives the boundary of the buckets. name A name for the operation (optional). Returns A Tensor of type int32.
tensorflow.raw_ops.bucketize
tf.raw_ops.BytesProducedStatsDataset Records the bytes size of each element of input_dataset in a StatsAggregator. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.BytesProducedStatsDataset tf.raw_ops.BytesProducedStatsDataset( input_dataset, tag, output_types, output_shapes, name=None ) Args input_dataset A Tensor of type variant. tag A Tensor of type string. output_types A list of tf.DTypes that has length >= 1. output_shapes A list of shapes (each a tf.TensorShape or list of ints) that has length >= 1. name A name for the operation (optional). Returns A Tensor of type variant.
tensorflow.raw_ops.bytesproducedstatsdataset
tf.raw_ops.CacheDataset Creates a dataset that caches elements from input_dataset. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CacheDataset tf.raw_ops.CacheDataset( input_dataset, filename, output_types, output_shapes, name=None ) A CacheDataset will iterate over the input_dataset, and store tensors. If the cache already exists, the cache will be used. If the cache is inappropriate (e.g. cannot be opened, contains tensors of the wrong shape / size), an error will the returned when used. Args input_dataset A Tensor of type variant. filename A Tensor of type string. A path on the filesystem where we should cache the dataset. Note: this will be a directory. output_types A list of tf.DTypes that has length >= 1. output_shapes A list of shapes (each a tf.TensorShape or list of ints) that has length >= 1. name A name for the operation (optional). Returns A Tensor of type variant.
tensorflow.raw_ops.cachedataset
tf.raw_ops.CacheDatasetV2 View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CacheDatasetV2 tf.raw_ops.CacheDatasetV2( input_dataset, filename, cache, output_types, output_shapes, name=None ) Args input_dataset A Tensor of type variant. filename A Tensor of type string. cache A Tensor of type resource. output_types A list of tf.DTypes that has length >= 1. output_shapes A list of shapes (each a tf.TensorShape or list of ints) that has length >= 1. name A name for the operation (optional). Returns A Tensor of type variant.
tensorflow.raw_ops.cachedatasetv2
tf.raw_ops.Case An n-way switch statement which calls a single branch function. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Case tf.raw_ops.Case( branch_index, input, Tout, branches, output_shapes=[], name=None ) An n-way switch statement, implementing the following: ``` switch (branch_index) { case 0: output = branches[0](input); break; case 1: output = branches[1](input); break; ... case [[nbranches-1]]: default: output = branches[nbranches-1](input); break; } ``` Args branch_index A Tensor of type int32. The branch selector, an int32 Tensor. input A list of Tensor objects. A list of input tensors passed to the branch function. Tout A list of tf.DTypes. A list of output types. branches A list of functions decorated with @Defun that has length >= 1. A list of functions each of which takes 'inputs' and returns a list of tensors, whose types are the same as what every other branch returns. output_shapes An optional list of shapes (each a tf.TensorShape or list of ints). Defaults to []. name A name for the operation (optional). Returns A list of Tensor objects of type Tout.
tensorflow.raw_ops.case
tf.raw_ops.Cast Cast x of type SrcT to y of DstT. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Cast tf.raw_ops.Cast( x, DstT, Truncate=False, name=None ) Args x A Tensor. DstT A tf.DType. Truncate An optional bool. Defaults to False. name A name for the operation (optional). Returns A Tensor of type DstT.
tensorflow.raw_ops.cast
tf.raw_ops.Ceil Returns element-wise smallest integer not less than x. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Ceil tf.raw_ops.Ceil( x, name=None ) Args x A Tensor. Must be one of the following types: bfloat16, half, float32, float64. name A name for the operation (optional). Returns A Tensor. Has the same type as x.
tensorflow.raw_ops.ceil
tf.raw_ops.CheckNumerics Checks a tensor for NaN and Inf values. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CheckNumerics tf.raw_ops.CheckNumerics( tensor, message, name=None ) When run, reports an InvalidArgument error if tensor has any values that are not a number (NaN) or infinity (Inf). Otherwise, passes tensor as-is. Args tensor A Tensor. Must be one of the following types: bfloat16, half, float32, float64. message A string. Prefix of the error message. name A name for the operation (optional). Returns A Tensor. Has the same type as tensor.
tensorflow.raw_ops.checknumerics
tf.raw_ops.CheckNumericsV2 Checks a tensor for NaN, -Inf and +Inf values. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CheckNumericsV2 tf.raw_ops.CheckNumericsV2( tensor, message, name=None ) When run, reports an InvalidArgument error if tensor has any values that are not a number (NaN) or infinity (Inf). Otherwise, passes tensor as-is. Unlike CheckNumerics (V1), CheckNumericsV2 distinguishes -Inf and +Inf in the errors it throws. Args tensor A Tensor. Must be one of the following types: bfloat16, half, float32, float64. message A string. Prefix of the error message. name A name for the operation (optional). Returns A Tensor. Has the same type as tensor.
tensorflow.raw_ops.checknumericsv2
tf.raw_ops.Cholesky Computes the Cholesky decomposition of one or more square matrices. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.Cholesky tf.raw_ops.Cholesky( input, name=None ) The input is a tensor of shape [..., M, M] whose inner-most 2 dimensions form square matrices. The input has to be symmetric and positive definite. Only the lower-triangular part of the input will be used for this operation. The upper-triangular part will not be read. The output is a tensor of the same shape as the input containing the Cholesky decompositions for all input submatrices [..., :, :]. Note: The gradient computation on GPU is faster for large matrices but not for large batch dimensions when the submatrices are small. In this case it might be faster to use the CPU. Args input A Tensor. Must be one of the following types: float64, float32, half, complex64, complex128. Shape is [..., M, M]. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.cholesky
tf.raw_ops.CholeskyGrad Computes the reverse mode backpropagated gradient of the Cholesky algorithm. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CholeskyGrad tf.raw_ops.CholeskyGrad( l, grad, name=None ) For an explanation see "Differentiation of the Cholesky algorithm" by Iain Murray http://arxiv.org/abs/1602.07527 Args l A Tensor. Must be one of the following types: half, float32, float64. Output of batch Cholesky algorithm l = cholesky(A). Shape is [..., M, M]. Algorithm depends only on lower triangular part of the innermost matrices of this tensor. grad A Tensor. Must have the same type as l. df/dl where f is some scalar function. Shape is [..., M, M]. Algorithm depends only on lower triangular part of the innermost matrices of this tensor. name A name for the operation (optional). Returns A Tensor. Has the same type as l.
tensorflow.raw_ops.choleskygrad
tf.raw_ops.ChooseFastestBranchDataset View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.ChooseFastestBranchDataset tf.raw_ops.ChooseFastestBranchDataset( input_dataset, ratio_numerator, ratio_denominator, other_arguments, num_elements_per_branch, branches, other_arguments_lengths, output_types, output_shapes, name=None ) Args input_dataset A Tensor of type variant. ratio_numerator A Tensor of type int64. ratio_denominator A Tensor of type int64. other_arguments A list of Tensor objects. num_elements_per_branch An int that is >= 1. branches A list of functions decorated with @Defun that has length >= 1. other_arguments_lengths A list of ints that has length >= 1. output_types A list of tf.DTypes that has length >= 1. output_shapes A list of shapes (each a tf.TensorShape or list of ints) that has length >= 1. name A name for the operation (optional). Returns A Tensor of type variant.
tensorflow.raw_ops.choosefastestbranchdataset
tf.raw_ops.ChooseFastestDataset View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.ChooseFastestDataset tf.raw_ops.ChooseFastestDataset( input_datasets, num_experiments, output_types, output_shapes, name=None ) Args input_datasets A list of at least 2 Tensor objects with type variant. num_experiments An int. output_types A list of tf.DTypes that has length >= 1. output_shapes A list of shapes (each a tf.TensorShape or list of ints) that has length >= 1. name A name for the operation (optional). Returns A Tensor of type variant.
tensorflow.raw_ops.choosefastestdataset
tf.raw_ops.ClipByValue Clips tensor values to a specified min and max. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.ClipByValue tf.raw_ops.ClipByValue( t, clip_value_min, clip_value_max, name=None ) Given a tensor t, this operation returns a tensor of the same type and shape as t with its values clipped to clip_value_min and clip_value_max. Any values less than clip_value_min are set to clip_value_min. Any values greater than clip_value_max are set to clip_value_max. Args t A Tensor. Must be one of the following types: float32, float64, int32, uint8, int16, int8, complex64, int64, qint8, quint8, qint32, bfloat16, uint16, complex128, half, uint32, uint64. A Tensor. clip_value_min A Tensor. Must have the same type as t. A 0-D (scalar) Tensor, or a Tensor with the same shape as t. The minimum value to clip by. clip_value_max A Tensor. Must have the same type as t. A 0-D (scalar) Tensor, or a Tensor with the same shape as t. The maximum value to clip by. name A name for the operation (optional). Returns A Tensor. Has the same type as t.
tensorflow.raw_ops.clipbyvalue
tf.raw_ops.CloseSummaryWriter View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CloseSummaryWriter tf.raw_ops.CloseSummaryWriter( writer, name=None ) Args writer A Tensor of type resource. name A name for the operation (optional). Returns The created Operation.
tensorflow.raw_ops.closesummarywriter
tf.raw_ops.CollectiveBcastRecv Receives a tensor value broadcast from another device. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CollectiveBcastRecv tf.raw_ops.CollectiveBcastRecv( T, group_size, group_key, instance_key, shape, communication_hint='auto', timeout_seconds=0, name=None ) Args T A tf.DType from: tf.bool, tf.float32, tf.half, tf.float64, tf.int32, tf.int64. group_size An int. group_key An int. instance_key An int. shape A tf.TensorShape or list of ints. communication_hint An optional string. Defaults to "auto". timeout_seconds An optional float. Defaults to 0. name A name for the operation (optional). Returns A Tensor of type T.
tensorflow.raw_ops.collectivebcastrecv
tf.raw_ops.CollectiveBcastSend Broadcasts a tensor value to one or more other devices. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CollectiveBcastSend tf.raw_ops.CollectiveBcastSend( input, group_size, group_key, instance_key, shape, communication_hint='auto', timeout_seconds=0, name=None ) Args input A Tensor. Must be one of the following types: bool, float32, half, float64, int32, int64. group_size An int. group_key An int. instance_key An int. shape A tf.TensorShape or list of ints. communication_hint An optional string. Defaults to "auto". timeout_seconds An optional float. Defaults to 0. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.collectivebcastsend
tf.raw_ops.CollectiveGather Mutually accumulates multiple tensors of identical type and shape. View aliases Compat aliases for migration See Migration guide for more details. tf.compat.v1.raw_ops.CollectiveGather tf.raw_ops.CollectiveGather( input, group_size, group_key, instance_key, shape, communication_hint='auto', timeout_seconds=0, name=None ) Args input A Tensor. Must be one of the following types: float32, half, float64, int32, int64. group_size An int. group_key An int. instance_key An int. shape A tf.TensorShape or list of ints. communication_hint An optional string. Defaults to "auto". timeout_seconds An optional float. Defaults to 0. name A name for the operation (optional). Returns A Tensor. Has the same type as input.
tensorflow.raw_ops.collectivegather