Public static methods
object Abort(string error_msg, bool exit_without_error, string name)
Tensor Abs(object x, string name)
object Abs_dyn(object x, object name)
object AccumulateNV2_dyn(object inputs, object shape, object name)
object AccumulatorApplyGradient(object handle, object local_step, object gradient, string name)
object AccumulatorApplyGradient_dyn(object handle, object local_step, object gradient, object name)
Tensor AccumulatorNumAccumulated(object handle, string name)
object AccumulatorNumAccumulated_dyn(object handle, object name)
object AccumulatorSetGlobalStep(object handle, object new_global_step, string name)
object AccumulatorSetGlobalStep_dyn(object handle, object new_global_step, object name)
Tensor AccumulatorTakeGradient(object handle, object num_required, DType dtype, string name)
object AccumulatorTakeGradient_dyn(object handle, object num_required, object dtype, object name)
Tensor Acos(object x, string name)
object Acos_dyn(object x, object name)
Tensor Acosh(object x, string name)
object Acosh_dyn(object x, object name)
Tensor Add(double x, double y, string name)
object Add_dyn(object x, object y, object name)
Tensor AddManySparseToTensorsMap(object sparse_indices, object sparse_values, object sparse_shape, string container, string shared_name, string name)
Tensor AddN(object inputs, string name)
object AddN_dyn(object inputs, object name)
Tensor AddSparseToTensorsMap(object sparse_indices, object sparse_values, object sparse_shape, string container, string shared_name, string name)
Tensor AddV2(object x, object y, string name)
object AddV2_dyn(object x, object y, object name)
Tensor AdjustContrast(object images, object contrast_factor, object min_value, object max_value, string name)
object AdjustContrast_dyn(object images, object contrast_factor, object min_value, object max_value, object name)
Tensor AdjustContrastv2(object images, object contrast_factor, string name)
object AdjustContrastv2_dyn(object images, object contrast_factor, object name)
Tensor AdjustHue(object images, object delta, string name)
object AdjustHue_dyn(object images, object delta, object name)
Tensor AdjustSaturation(object images, object scale, string name)
object AdjustSaturation_dyn(object images, object scale, object name)
Tensor All(object input, object axis, bool keep_dims, string name)
object AllCandidateSampler(object true_classes, object num_true, object num_sampled, object unique, int seed, int seed2, string name)
Tensor AllToAll(object input, object group_assignment, object concat_dimension, object split_dimension, object split_count, string name)
object AllToAll_dyn(object input, object group_assignment, object concat_dimension, object split_dimension, object split_count, object name)
Tensor AnonymousIterator(object output_types, object output_shapes, string name)
object AnonymousIterator_dyn(object output_types, object output_shapes, object name)
object AnonymousIteratorV2(object output_types, object output_shapes, string name)
object AnonymousIteratorV2_dyn(object output_types, object output_shapes, object name)
object AnonymousMemoryCache(string name)
object AnonymousMemoryCache_dyn(object name)
object AnonymousMultiDeviceIterator(object devices, object output_types, object output_shapes, string name)
object AnonymousMultiDeviceIterator_dyn(object devices, object output_types, object output_shapes, object name)
object AnonymousRandomSeedGenerator(object seed, object seed2, string name)
object AnonymousRandomSeedGenerator_dyn(object seed, object seed2, object name)
object ApplyAdadelta(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, bool use_locking, string name)
object ApplyAdadelta_dyn(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
object ApplyAdagrad(object var, object accum, object lr, object grad, bool use_locking, bool update_slots, string name)
object ApplyAdagradDA(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object lr, object l1, object l2, object global_step, bool use_locking, string name)
object ApplyAdagradDA_dyn(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object lr, object l1, object l2, object global_step, ImplicitContainer<T> use_locking, object name)
object ApplyAdagradV2(object var, object accum, object lr, object epsilon, object grad, bool use_locking, bool update_slots, string name)
object ApplyAdam(object var, object m, object v, object beta1_power, object beta2_power, object lr, object beta1, object beta2, object epsilon, object grad, bool use_locking, bool use_nesterov, string name)
object ApplyAdam_dyn(object var, object m, object v, object beta1_power, object beta2_power, object lr, object beta1, object beta2, object epsilon, object grad, ImplicitContainer<T> use_locking, ImplicitContainer<T> use_nesterov, object name)
object ApplyAdaMax(object var, object m, object v, object beta1_power, object lr, object beta1, object beta2, object epsilon, object grad, bool use_locking, string name)
object ApplyAdaMax_dyn(object var, object m, object v, object beta1_power, object lr, object beta1, object beta2, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
object ApplyAddSign(object var, object m, object lr, object alpha, object sign_decay, object beta, object grad, bool use_locking, string name)
object ApplyAddSign_dyn(object var, object m, object lr, object alpha, object sign_decay, object beta, object grad, ImplicitContainer<T> use_locking, object name)
object ApplyCenteredRMSProp(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, bool use_locking, string name)
object ApplyCenteredRMSProp_dyn(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
object ApplyFtrl(object var, object accum, object linear, object grad, object lr, object l1, object l2, object lr_power, bool use_locking, string name)
object ApplyFtrl_dyn(object var, object accum, object linear, object grad, object lr, object l1, object l2, object lr_power, ImplicitContainer<T> use_locking, object name)
object ApplyFtrlV2(object var, object accum, object linear, object grad, object lr, object l1, object l2, object l2_shrinkage, object lr_power, bool use_locking, string name)
object ApplyFtrlV2_dyn(object var, object accum, object linear, object grad, object lr, object l1, object l2, object l2_shrinkage, object lr_power, ImplicitContainer<T> use_locking, object name)
object ApplyGradientDescent(object var, object alpha, object delta, bool use_locking, string name)
object ApplyGradientDescent_dyn(object var, object alpha, object delta, ImplicitContainer<T> use_locking, object name)
object ApplyMomentum(object var, object accum, object lr, object grad, object momentum, bool use_locking, bool use_nesterov, string name)
object ApplyPowerSign(object var, object m, object lr, object logbase, object sign_decay, object beta, object grad, bool use_locking, string name)
object ApplyPowerSign_dyn(object var, object m, object lr, object logbase, object sign_decay, object beta, object grad, ImplicitContainer<T> use_locking, object name)
Tensor ApplyProximalAdagrad(object var, object accum, object lr, object l1, object l2, object grad, bool use_locking, string name)
object ApplyProximalAdagrad_dyn(object var, object accum, object lr, object l1, object l2, object grad, ImplicitContainer<T> use_locking, object name)
object ApplyProximalGradientDescent(object var, object alpha, object l1, object l2, object delta, bool use_locking, string name)
object ApplyProximalGradientDescent_dyn(object var, object alpha, object l1, object l2, object delta, ImplicitContainer<T> use_locking, object name)
object ApplyRMSProp(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, bool use_locking, string name)
object ApplyRMSProp_dyn(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
Tensor ApproximateEqual(object x, object y, double tolerance, string name)
Tensor Asin(object x, string name)
object Asin_dyn(object x, object name)
Tensor Asinh(object x, string name)
object Asinh_dyn(object x, object name)
Tensor AssertNextDataset(object input_dataset, object transformations, object output_types, object output_shapes, string name)
object AssertNextDataset_dyn(object input_dataset, object transformations, object output_types, object output_shapes, object name)
object Assign(object ref, object value, bool validate_shape, bool use_locking, string name)
object AssignAdd(object ref, object value, bool use_locking, string name)
object AssignAddVariableOp(object resource, object value, string name)
object AssignAddVariableOp_dyn(object resource, object value, object name)
object AssignSub(object ref, object value, bool use_locking, string name)
object AssignSubVariableOp(object resource, object value, string name)
object AssignSubVariableOp_dyn(object resource, object value, object name)
object AssignVariableOp(object resource, object value, string name)
object AssignVariableOp_dyn(object resource, object value, object name)
Tensor AsString(object input, int precision, bool scientific, bool shortest, int width, string fill, string name)
Tensor Atan(object x, string name)
object Atan_dyn(object x, object name)
Tensor Atan2(object y, object x, string name)
object Atan2_dyn(object y, object x, object name)
Tensor Atanh(object x, string name)
object Atanh_dyn(object x, object name)
Tensor AudioSpectrogram(object input, object window_size, object stride, bool magnitude_squared, string name)
object AudioSpectrogram_dyn(object input, object window_size, object stride, ImplicitContainer<T> magnitude_squared, object name)
Tensor AudioSummary(object tag, object tensor, object sample_rate, int max_outputs, string name)
object AudioSummary_dyn(object tag, object tensor, object sample_rate, ImplicitContainer<T> max_outputs, object name)
Tensor AudioSummaryV2(object tag, object tensor, object sample_rate, int max_outputs, string name)
object AudioSummaryV2_dyn(object tag, object tensor, object sample_rate, ImplicitContainer<T> max_outputs, object name)
Tensor AutoShardDataset(object input_dataset, object num_workers, object index, object output_types, object output_shapes, string name)
object AutoShardDataset_dyn(object input_dataset, object num_workers, object index, object output_types, object output_shapes, object name)
Tensor AvgPool(object value, object ksize, object strides, object padding, string data_format, string name)
object AvgPool_dyn(object value, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor AvgPool3D(object input, object ksize, object strides, object padding, string data_format, string name)
object AvgPool3D_dyn(object input, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor AvgPool3DGrad(object orig_input_shape, object grad, object ksize, object strides, object padding, string data_format, string name)
object AvgPool3DGrad_dyn(object orig_input_shape, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor AvgPoolGrad(object orig_input_shape, object grad, object ksize, object strides, object padding, string data_format, string name)
object AvgPoolGrad_dyn(object orig_input_shape, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor Barrier(ValueTuple<DType, object> component_types, IEnumerable<ValueTuple> shapes, int capacity, string container, string shared_name, string name)
Tensor Barrier(DType component_types, IEnumerable<ValueTuple> shapes, int capacity, string container, string shared_name, string name)
object BarrierClose(object handle, bool cancel_pending_enqueues, string name)
Tensor BarrierIncompleteSize(object handle, string name)
object BarrierIncompleteSize_dyn(object handle, object name)
object BarrierInsertMany(object handle, object keys, object values, object component_index, string name)
object BarrierInsertMany_dyn(object handle, object keys, object values, object component_index, object name)
Tensor BarrierReadySize(object handle, string name)
object BarrierReadySize_dyn(object handle, object name)
object BarrierTakeMany(object handle, object num_elements, object component_types, bool allow_small_batch, bool wait_for_incomplete, int timeout_ms, string name)
object Batch(object in_tensors, object num_batch_threads, object max_batch_size, object batch_timeout_micros, object grad_timeout_micros, int max_enqueued_batches, ImplicitContainer<T> allowed_batch_sizes, string container, string shared_name, string batching_queue, string name)
object Batch_dyn(object in_tensors, object num_batch_threads, object max_batch_size, object batch_timeout_micros, object grad_timeout_micros, ImplicitContainer<T> max_enqueued_batches, ImplicitContainer<T> allowed_batch_sizes, ImplicitContainer<T> container, ImplicitContainer<T> shared_name, ImplicitContainer<T> batching_queue, object name)
Tensor BatchCholesky(object input, string name)
object BatchCholesky_dyn(object input, object name)
Tensor BatchCholeskyGrad(object l, object grad, string name)
object BatchCholeskyGrad_dyn(object l, object grad, object name)
Tensor BatchDataset(object input_dataset, object batch_size, object output_types, object output_shapes, string name)
object BatchDataset_dyn(object input_dataset, object batch_size, object output_types, object output_shapes, object name)
Tensor BatchDatasetV2(object input_dataset, object batch_size, object drop_remainder, object output_types, object output_shapes, bool parallel_copy, string name)
object BatchDatasetV2_dyn(object input_dataset, object batch_size, object drop_remainder, object output_types, object output_shapes, ImplicitContainer<T> parallel_copy, object name)
Tensor BatchFFT(object input, string name)
object BatchFFT_dyn(object input, object name)
Tensor BatchFFT2D(object input, string name)
object BatchFFT2D_dyn(object input, object name)
Tensor BatchFFT3D(object input, string name)
object BatchFFT3D_dyn(object input, object name)
object BatchFunction(object in_tensors, object captured_tensors, object f, object num_batch_threads, object max_batch_size, object batch_timeout_micros, object Tout, int max_enqueued_batches, ImplicitContainer<T> allowed_batch_sizes, string container, string shared_name, string batching_queue, string name)
object BatchFunction_dyn(object in_tensors, object captured_tensors, object f, object num_batch_threads, object max_batch_size, object batch_timeout_micros, object Tout, ImplicitContainer<T> max_enqueued_batches, ImplicitContainer<T> allowed_batch_sizes, ImplicitContainer<T> container, ImplicitContainer<T> shared_name, ImplicitContainer<T> batching_queue, object name)
Tensor BatchIFFT(object input, string name)
object BatchIFFT_dyn(object input, object name)
Tensor BatchIFFT2D(object input, string name)
object BatchIFFT2D_dyn(object input, object name)
Tensor BatchIFFT3D(object input, string name)
object BatchIFFT3D_dyn(object input, object name)
Tensor BatchMatMul(object x, object y, bool adj_x, bool adj_y, string name)
Tensor BatchMatMulV2(object x, object y, bool adj_x, bool adj_y, string name)
Tensor BatchMatrixBandPart(object input, object num_lower, object num_upper, string name)
object BatchMatrixBandPart_dyn(object input, object num_lower, object num_upper, object name)
Tensor BatchMatrixDeterminant(object input, string name)
object BatchMatrixDeterminant_dyn(object input, object name)
Tensor BatchMatrixDiag(object diagonal, string name)
object BatchMatrixDiag_dyn(object diagonal, object name)
Tensor BatchMatrixDiagPart(object input, string name)
object BatchMatrixDiagPart_dyn(object input, object name)
Tensor BatchMatrixInverse(object input, bool adjoint, string name)
Tensor BatchMatrixSetDiag(object input, object diagonal, string name)
object BatchMatrixSetDiag_dyn(object input, object diagonal, object name)
Tensor BatchMatrixSolve(object matrix, object rhs, bool adjoint, string name)
Tensor BatchMatrixSolveLs(object matrix, object rhs, object l2_regularizer, bool fast, string name)
object BatchMatrixSolveLs_dyn(object matrix, object rhs, object l2_regularizer, ImplicitContainer<T> fast, object name)
Tensor BatchMatrixTriangularSolve(object matrix, object rhs, bool lower, bool adjoint, string name)
Tensor BatchNormWithGlobalNormalization(object t, object m, object v, object beta, object gamma, object variance_epsilon, object scale_after_normalization, string name)
object BatchNormWithGlobalNormalization_dyn(object t, object m, object v, object beta, object gamma, object variance_epsilon, object scale_after_normalization, object name)
object BatchNormWithGlobalNormalizationGrad(object t, object m, object v, object gamma, object backprop, object variance_epsilon, object scale_after_normalization, string name)
object BatchNormWithGlobalNormalizationGrad_dyn(object t, object m, object v, object gamma, object backprop, object variance_epsilon, object scale_after_normalization, object name)
Tensor BatchSelfAdjointEig(object input, string name)
object BatchSelfAdjointEig_dyn(object input, object name)
object BatchSelfAdjointEigV2(object input, bool compute_v, string name)
object BatchSvd(object input, bool compute_uv, bool full_matrices, string name)
Tensor BatchToSpace(object input, object crops, object block_size, string name)
object BatchToSpace_dyn(object input, object crops, object block_size, object name)
Tensor BatchToSpaceND(object input, object block_shape, object crops, string name)
object BatchToSpaceND_dyn(object input, object block_shape, object crops, object name)
Tensor BesselI0e(object x, string name)
object BesselI0e_dyn(object x, object name)
Tensor BesselI1e(object x, string name)
object BesselI1e_dyn(object x, object name)
Tensor Betainc(object a, object b, object x, string name)
object Betainc_dyn(object a, object b, object x, object name)
Tensor BiasAdd(object value, object bias, string data_format, string name)
Tensor BiasAddGrad(object out_backprop, string data_format, string name)
Tensor BiasAddV1(object value, object bias, string name)
object BiasAddV1_dyn(object value, object bias, object name)
Tensor Bincount(object arr, object size, object weights, string name)
object Bincount_dyn(object arr, object size, object weights, object name)
Tensor Bitcast(object input, object type, string name)
object Bitcast_dyn(object input, object type, object name)
Tensor BitwiseAnd(object x, object y, string name)
object BitwiseAnd_dyn(object x, object y, object name)
Tensor BitwiseOr(object x, object y, string name)
object BitwiseOr_dyn(object x, object y, object name)
Tensor BitwiseXor(object x, object y, string name)
object BitwiseXor_dyn(object x, object y, object name)
object BlockLSTM_dyn(object seq_len_max, object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, ImplicitContainer<T> forget_bias, ImplicitContainer<T> cell_clip, ImplicitContainer<T> use_peephole, object name)
object BlockLSTMGrad(object seq_len_max, object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, object i, object cs, object f, object o, object ci, object co, object h, object cs_grad, object h_grad, object use_peephole, string name)
object BlockLSTMGrad_dyn(object seq_len_max, object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, object i, object cs, object f, object o, object ci, object co, object h, object cs_grad, object h_grad, object use_peephole, object name)
object BlockLSTMGradV2(object seq_len_max, object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, object i, object cs, object f, object o, object ci, object co, object h, object cs_grad, object h_grad, object use_peephole, string name)
object BlockLSTMGradV2_dyn(object seq_len_max, object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, object i, object cs, object f, object o, object ci, object co, object h, object cs_grad, object h_grad, object use_peephole, object name)
object BlockLSTMV2_dyn(object seq_len_max, object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, ImplicitContainer<T> cell_clip, ImplicitContainer<T> use_peephole, object name)
Tensor BoostedTreesAggregateStats(object node_ids, object gradients, object hessians, object feature, object max_splits, object num_buckets, string name)
object BoostedTreesAggregateStats_dyn(object node_ids, object gradients, object hessians, object feature, object max_splits, object num_buckets, object name)
object BoostedTreesBucketize(object float_values, object bucket_boundaries, string name)
object BoostedTreesBucketize_dyn(object float_values, object bucket_boundaries, object name)
object BoostedTreesCalculateBestFeatureSplit(object node_id_range, object stats_summary, object l1, object l2, object tree_complexity, object min_node_weight, object logits_dimension, string split_type, string name)
object BoostedTreesCalculateBestFeatureSplit_dyn(object node_id_range, object stats_summary, object l1, object l2, object tree_complexity, object min_node_weight, object logits_dimension, ImplicitContainer<T> split_type, object name)
object BoostedTreesCalculateBestGainsPerFeature(object node_id_range, object stats_summary_list, object l1, object l2, object tree_complexity, object min_node_weight, object max_splits, string name)
object BoostedTreesCalculateBestGainsPerFeature_dyn(object node_id_range, object stats_summary_list, object l1, object l2, object tree_complexity, object min_node_weight, object max_splits, object name)
Tensor BoostedTreesCenterBias(object tree_ensemble_handle, object mean_gradients, object mean_hessians, object l1, object l2, string name)
object BoostedTreesCenterBias_dyn(object tree_ensemble_handle, object mean_gradients, object mean_hessians, object l1, object l2, object name)
object BoostedTreesCreateEnsemble(object tree_ensemble_handle, object stamp_token, object tree_ensemble_serialized, string name)
object BoostedTreesCreateEnsemble_dyn(object tree_ensemble_handle, object stamp_token, object tree_ensemble_serialized, object name)
object BoostedTreesCreateQuantileStreamResource(object quantile_stream_resource_handle, object epsilon, object num_streams, ImplicitContainer<T> max_elements, string name)
object BoostedTreesCreateQuantileStreamResource_dyn(object quantile_stream_resource_handle, object epsilon, object num_streams, ImplicitContainer<T> max_elements, object name)
object BoostedTreesDeserializeEnsemble(object tree_ensemble_handle, object stamp_token, object tree_ensemble_serialized, string name)
object BoostedTreesDeserializeEnsemble_dyn(object tree_ensemble_handle, object stamp_token, object tree_ensemble_serialized, object name)
Tensor BoostedTreesEnsembleResourceHandleOp(string container, string shared_name, string name)
Tensor BoostedTreesExampleDebugOutputs(object tree_ensemble_handle, object bucketized_features, object logits_dimension, string name)
object BoostedTreesExampleDebugOutputs_dyn(object tree_ensemble_handle, object bucketized_features, object logits_dimension, object name)
object BoostedTreesFlushQuantileSummaries(object quantile_stream_resource_handle, object num_features, string name)
object BoostedTreesFlushQuantileSummaries_dyn(object quantile_stream_resource_handle, object num_features, object name)
object BoostedTreesGetEnsembleStates(object tree_ensemble_handle, string name)
object BoostedTreesGetEnsembleStates_dyn(object tree_ensemble_handle, object name)
object BoostedTreesMakeQuantileSummaries(object float_values, object example_weights, object epsilon, string name)
object BoostedTreesMakeQuantileSummaries_dyn(object float_values, object example_weights, object epsilon, object name)
Tensor BoostedTreesMakeStatsSummary(object node_ids, object gradients, object hessians, object bucketized_features_list, object max_splits, object num_buckets, string name)
object BoostedTreesMakeStatsSummary_dyn(object node_ids, object gradients, object hessians, object bucketized_features_list, object max_splits, object num_buckets, object name)
Tensor BoostedTreesPredict(object tree_ensemble_handle, object bucketized_features, object logits_dimension, string name)
object BoostedTreesPredict_dyn(object tree_ensemble_handle, object bucketized_features, object logits_dimension, object name)
object BoostedTreesQuantileStreamResourceAddSummaries(object quantile_stream_resource_handle, object summaries, string name)
object BoostedTreesQuantileStreamResourceAddSummaries_dyn(object quantile_stream_resource_handle, object summaries, object name)
object BoostedTreesQuantileStreamResourceDeserialize(object quantile_stream_resource_handle, object bucket_boundaries, string name)
object BoostedTreesQuantileStreamResourceDeserialize_dyn(object quantile_stream_resource_handle, object bucket_boundaries, object name)
object BoostedTreesQuantileStreamResourceFlush(object quantile_stream_resource_handle, object num_buckets, bool generate_quantiles, string name)
object BoostedTreesQuantileStreamResourceFlush_dyn(object quantile_stream_resource_handle, object num_buckets, ImplicitContainer<T> generate_quantiles, object name)
object BoostedTreesQuantileStreamResourceGetBucketBoundaries(object quantile_stream_resource_handle, object num_features, string name)
object BoostedTreesQuantileStreamResourceGetBucketBoundaries_dyn(object quantile_stream_resource_handle, object num_features, object name)
Tensor BoostedTreesQuantileStreamResourceHandleOp(string container, string shared_name, string name)
object BoostedTreesSerializeEnsemble(object tree_ensemble_handle, string name)
object BoostedTreesSerializeEnsemble_dyn(object tree_ensemble_handle, object name)
object BoostedTreesSparseAggregateStats(object node_ids, object gradients, object hessians, object feature_indices, object feature_values, object feature_shape, object max_splits, object num_buckets, string name)
object BoostedTreesSparseAggregateStats_dyn(object node_ids, object gradients, object hessians, object feature_indices, object feature_values, object feature_shape, object max_splits, object num_buckets, object name)
object BoostedTreesSparseCalculateBestFeatureSplit(object node_id_range, object stats_summary_indices, object stats_summary_values, object stats_summary_shape, object l1, object l2, object tree_complexity, object min_node_weight, object logits_dimension, string split_type, string name)
object BoostedTreesSparseCalculateBestFeatureSplit_dyn(object node_id_range, object stats_summary_indices, object stats_summary_values, object stats_summary_shape, object l1, object l2, object tree_complexity, object min_node_weight, object logits_dimension, ImplicitContainer<T> split_type, object name)
object BoostedTreesTrainingPredict(object tree_ensemble_handle, object cached_tree_ids, object cached_node_ids, object bucketized_features, object logits_dimension, string name)
object BoostedTreesTrainingPredict_dyn(object tree_ensemble_handle, object cached_tree_ids, object cached_node_ids, object bucketized_features, object logits_dimension, object name)
object BoostedTreesUpdateEnsemble(object tree_ensemble_handle, object feature_ids, object node_ids, object gains, object thresholds, object left_node_contribs, object right_node_contribs, object max_depth, object learning_rate, object pruning_mode, string name)
object BoostedTreesUpdateEnsemble_dyn(object tree_ensemble_handle, object feature_ids, object node_ids, object gains, object thresholds, object left_node_contribs, object right_node_contribs, object max_depth, object learning_rate, object pruning_mode, object name)
object BoostedTreesUpdateEnsembleV2(object tree_ensemble_handle, object feature_ids, object dimension_ids, object node_ids, object gains, object thresholds, object left_node_contribs, object right_node_contribs, object split_types, object max_depth, object learning_rate, object pruning_mode, string name)
object BoostedTreesUpdateEnsembleV2_dyn(object tree_ensemble_handle, object feature_ids, object dimension_ids, object node_ids, object gains, object thresholds, object left_node_contribs, object right_node_contribs, object split_types, object max_depth, object learning_rate, object pruning_mode, object name)
Tensor BroadcastArgs(object s0, object s1, string name)
object BroadcastArgs_dyn(object s0, object s1, object name)
object BroadcastGradientArgs(object s0, object s1, string name)
object BroadcastGradientArgs_dyn(object s0, object s1, object name)
object BroadcastTo_dyn(object input, object shape, object name)
Tensor Bucketize(object input, object boundaries, string name)
object Bucketize_dyn(object input, object boundaries, object name)
Tensor BytesProducedStatsDataset(object input_dataset, object tag, object output_types, object output_shapes, string name)
object BytesProducedStatsDataset_dyn(object input_dataset, object tag, object output_types, object output_shapes, object name)
Tensor CacheDataset(object input_dataset, object filename, object output_types, object output_shapes, string name)
object CacheDataset_dyn(object input_dataset, object filename, object output_types, object output_shapes, object name)
Tensor CacheDatasetV2(object input_dataset, object filename, object cache, object output_types, object output_shapes, string name)
object CacheDatasetV2_dyn(object input_dataset, object filename, object cache, object output_types, object output_shapes, object name)
object Case(object branch_index, object input, object Tout, object branches, ImplicitContainer<T> output_shapes, string name)
object Case_dyn(object branch_index, object input, object Tout, object branches, ImplicitContainer<T> output_shapes, object name)
Tensor Cast(object x, object DstT, bool Truncate, string name)
Tensor Ceil(object x, string name)
object Ceil_dyn(object x, object name)
Tensor CheckNumerics(object tensor, object message, string name)
object CheckNumerics_dyn(object tensor, object message, object name)
Tensor Cholesky(object input, string name)
object Cholesky_dyn(object input, object name)
Tensor CholeskyGrad(object l, object grad, string name)
object CholeskyGrad_dyn(object l, object grad, object name)
Tensor ChooseFastestBranchDataset(object input_dataset, object ratio_numerator, object ratio_denominator, object other_arguments, object num_elements_per_branch, object branches, object other_arguments_lengths, object output_types, object output_shapes, string name)
object ChooseFastestBranchDataset_dyn(object input_dataset, object ratio_numerator, object ratio_denominator, object other_arguments, object num_elements_per_branch, object branches, object other_arguments_lengths, object output_types, object output_shapes, object name)
Tensor ChooseFastestDataset(object input_datasets, object num_experiments, object output_types, object output_shapes, string name)
object ChooseFastestDataset_dyn(object input_datasets, object num_experiments, object output_types, object output_shapes, object name)
Tensor ClipByValue(object t, object clip_value_min, object clip_value_max, string name)
object ClipByValue_dyn(object t, object clip_value_min, object clip_value_max, object name)
object CloseSummaryWriter(object writer, string name)
object CloseSummaryWriter_dyn(object writer, object name)
Tensor CollectiveBcastRecv(object T, object group_size, object group_key, object instance_key, TensorShape shape, string communication_hint, string name)
object CollectiveBcastRecv_dyn(object T, object group_size, object group_key, object instance_key, object shape, ImplicitContainer<T> communication_hint, object name)
Tensor CollectiveBcastSend(object input, object group_size, object group_key, object instance_key, TensorShape shape, string communication_hint, string name)
object CollectiveBcastSend_dyn(object input, object group_size, object group_key, object instance_key, object shape, ImplicitContainer<T> communication_hint, object name)
Tensor CollectiveGather(object input, object group_size, object group_key, object instance_key, TensorShape shape, string communication_hint, string name)
object CollectiveGather_dyn(object input, object group_size, object group_key, object instance_key, object shape, ImplicitContainer<T> communication_hint, object name)
Tensor CollectivePermute(object input, object source_target_pairs, string name)
object CollectivePermute_dyn(object input, object source_target_pairs, object name)
Tensor CollectiveReduce(object input, object group_size, object group_key, object instance_key, object merge_op, object final_op, object subdiv_offsets, ImplicitContainer<T> wait_for, string communication_hint, string name)
object CollectiveReduce_dyn(object input, object group_size, object group_key, object instance_key, object merge_op, object final_op, object subdiv_offsets, ImplicitContainer<T> wait_for, ImplicitContainer<T> communication_hint, object name)
object CombinedNonMaxSuppression(object boxes, object scores, object max_output_size_per_class, object max_total_size, object iou_threshold, object score_threshold, bool pad_per_class, bool clip_boxes, string name)
object CombinedNonMaxSuppression_dyn(object boxes, object scores, object max_output_size_per_class, object max_total_size, object iou_threshold, object score_threshold, ImplicitContainer<T> pad_per_class, ImplicitContainer<T> clip_boxes, object name)
Tensor CompareAndBitpack(object input, object threshold, string name)
object CompareAndBitpack_dyn(object input, object threshold, object name)
object ComputeAccidentalHits(object true_classes, object sampled_candidates, object num_true, int seed, int seed2, string name)
Tensor Concat(object concat_dim, object values, string name)
object Concat_dyn(object concat_dim, object values, object name)
Tensor ConcatenateDataset(object input_dataset, object another_dataset, object output_types, object output_shapes, string name)
object ConcatenateDataset_dyn(object input_dataset, object another_dataset, object output_types, object output_shapes, object name)
object ConcatOffset(object concat_dim, TensorShape shape, string name)
object ConcatOffset_dyn(object concat_dim, object shape, object name)
Tensor ConcatV2(object values, object axis, string name)
object ConcatV2_dyn(object values, object axis, object name)
Tensor ConditionalAccumulator(DType dtype, TensorShape shape, string container, string shared_name, string reduction_type, string name)
Tensor ConditionalAccumulator(DType dtype, IEnumerable<int> shape, string container, string shared_name, string reduction_type, string name)
Tensor ConditionalAccumulator(DType dtype, IDictionary<object, object> shape, string container, string shared_name, string reduction_type, string name)
Tensor Conj(object input, string name)
object Conj_dyn(object input, object name)
Tensor ConjugateTranspose(object x, object perm, string name)
object ConjugateTranspose_dyn(object x, object perm, object name)
object Const_dyn(object value, object dtype, object name)
object ConsumeMutexLock(object mutex_lock, string name)
object ConsumeMutexLock_dyn(object mutex_lock, object name)
object ControlTrigger(string name)
object ControlTrigger_dyn(object name)
Tensor Conv2DBackpropFilter(object input, object filter_sizes, object out_backprop, object strides, object padding, bool use_cudnn_on_gpu, ImplicitContainer<T> explicit_paddings, string data_format, ImplicitContainer<T> dilations, string name)
Tensor Conv3D(object input, object filter, object strides, object padding, string data_format, ImplicitContainer<T> dilations, string name)
Tensor Conv3DBackpropFilter(object input, object filter, object out_backprop, object strides, object padding, ImplicitContainer<T> dilations, string name)
object Conv3DBackpropFilter_dyn(object input, object filter, object out_backprop, object strides, object padding, ImplicitContainer<T> dilations, object name)
Tensor Conv3DBackpropFilterV2(object input, object filter_sizes, object out_backprop, object strides, object padding, string data_format, ImplicitContainer<T> dilations, string name)
object Conv3DBackpropFilterV2_dyn(object input, object filter_sizes, object out_backprop, object strides, object padding, ImplicitContainer<T> data_format, ImplicitContainer<T> dilations, object name)
Tensor Cos(object x, string name)
object Cos_dyn(object x, object name)
Tensor Cosh(object x, string name)
object Cosh_dyn(object x, object name)
Tensor CountUpTo(object ref, object limit, string name)
object CountUpTo_dyn(object ref, object limit, object name)
object CreateSummaryDbWriter(object writer, object db_uri, object experiment_name, object run_name, object user_name, string name)
object CreateSummaryDbWriter_dyn(object writer, object db_uri, object experiment_name, object run_name, object user_name, object name)
object CreateSummaryFileWriter(object writer, object logdir, object max_queue, object flush_millis, object filename_suffix, string name)
object CreateSummaryFileWriter_dyn(object writer, object logdir, object max_queue, object flush_millis, object filename_suffix, object name)
Tensor CropAndResize(object image, object boxes, object box_ind, object crop_size, string method, int extrapolation_value, string name)
Tensor CropAndResizeGradBoxes(object grads, object image, object boxes, object box_ind, string method, string name)
object CropAndResizeGradBoxes_dyn(object grads, object image, object boxes, object box_ind, ImplicitContainer<T> method, object name)
Tensor CropAndResizeGradImage(object grads, object boxes, object box_ind, object image_size, object T, string method, string name)
object CropAndResizeGradImage_dyn(object grads, object boxes, object box_ind, object image_size, object T, ImplicitContainer<T> method, object name)
Tensor Cross(object a, object b, string name)
object Cross_dyn(object a, object b, object name)
Tensor CrossReplicaSum(object input, object group_assignment, string name)
object CrossReplicaSum_dyn(object input, object group_assignment, object name)
Tensor CSVDataset(object filenames, object compression_type, object buffer_size, object header, object field_delim, object use_quote_delim, object na_value, object select_cols, object record_defaults, object output_shapes, string name)
object CSVDataset_dyn(object filenames, object compression_type, object buffer_size, object header, object field_delim, object use_quote_delim, object na_value, object select_cols, object record_defaults, object output_shapes, object name)
object CTCBeamSearchDecoder(object inputs, object sequence_length, object beam_width, object top_paths, bool merge_repeated, string name)
object CTCBeamSearchDecoder_dyn(object inputs, object sequence_length, object beam_width, object top_paths, ImplicitContainer<T> merge_repeated, object name)
object CTCGreedyDecoder(object inputs, object sequence_length, bool merge_repeated, string name)
object CTCGreedyDecoder_dyn(object inputs, object sequence_length, ImplicitContainer<T> merge_repeated, object name)
object CTCLoss(object inputs, object labels_indices, object labels_values, object sequence_length, bool preprocess_collapse_repeated, bool ctc_merge_repeated, bool ignore_longer_outputs_than_inputs, string name)
object CudnnRNN(object input, object input_h, object input_c, object params, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, bool is_training, string name)
object CudnnRNNBackprop(object input, object input_h, object input_c, object params, object output, object output_h, object output_c, object output_backprop, object output_h_backprop, object output_c_backprop, object reserve_space, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, string name)
object CudnnRNNBackprop_dyn(object input, object input_h, object input_c, object params, object output, object output_h, object output_c, object output_backprop, object output_h_backprop, object output_c_backprop, object reserve_space, ImplicitContainer<T> rnn_mode, ImplicitContainer<T> input_mode, ImplicitContainer<T> direction, ImplicitContainer<T> dropout, ImplicitContainer<T> seed, ImplicitContainer<T> seed2, object name)
object CudnnRNNBackpropV2(object input, object input_h, object input_c, object params, object output, object output_h, object output_c, object output_backprop, object output_h_backprop, object output_c_backprop, object reserve_space, object host_reserved, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, string name)
object CudnnRNNBackpropV2_dyn(object input, object input_h, object input_c, object params, object output, object output_h, object output_c, object output_backprop, object output_h_backprop, object output_c_backprop, object reserve_space, object host_reserved, ImplicitContainer<T> rnn_mode, ImplicitContainer<T> input_mode, ImplicitContainer<T> direction, ImplicitContainer<T> dropout, ImplicitContainer<T> seed, ImplicitContainer<T> seed2, object name)
object CudnnRNNBackpropV3(object input, object input_h, object input_c, object params, object sequence_lengths, object output, object output_h, object output_c, object output_backprop, object output_h_backprop, object output_c_backprop, object reserve_space, object host_reserved, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, int num_proj, bool time_major, string name)
object CudnnRNNBackpropV3_dyn(object input, object input_h, object input_c, object params, object sequence_lengths, object output, object output_h, object output_c, object output_backprop, object output_h_backprop, object output_c_backprop, object reserve_space, object host_reserved, ImplicitContainer<T> rnn_mode, ImplicitContainer<T> input_mode, ImplicitContainer<T> direction, ImplicitContainer<T> dropout, ImplicitContainer<T> seed, ImplicitContainer<T> seed2, ImplicitContainer<T> num_proj, ImplicitContainer<T> time_major, object name)
Tensor CudnnRNNCanonicalToParams(object num_layers, object num_units, object input_size, object weights, object biases, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, string name)
Tensor CudnnRNNCanonicalToParamsV2(object num_layers, object num_units, object input_size, object weights, object biases, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, int num_proj, string name)
Tensor CudnnRNNParamsSize(object num_layers, object num_units, object input_size, object T, object S, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, int num_proj, string name)
object CudnnRNNParamsToCanonical(object num_layers, object num_units, object input_size, object params, object num_params, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, string name)
object CudnnRNNParamsToCanonicalV2(object num_layers, object num_units, object input_size, object params, object num_params_weights, object num_params_biases, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, int num_proj, string name)
object CudnnRNNV2(object input, object input_h, object input_c, object params, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, bool is_training, string name)
object CudnnRNNV3(object input, object input_h, object input_c, object params, object sequence_lengths, string rnn_mode, string input_mode, string direction, int dropout, int seed, int seed2, int num_proj, bool is_training, bool time_major, string name)
Tensor Cumprod(object x, object axis, bool exclusive, bool reverse, string name)
Tensor Cumsum(object x, object axis, bool exclusive, bool reverse, string name)
Tensor CumulativeLogsumexp(object x, object axis, bool exclusive, bool reverse, string name)
Tensor DatasetCardinality(object input_dataset, string name)
object DatasetCardinality_dyn(object input_dataset, object name)
Tensor DatasetFromGraph(object graph_def, string name)
object DatasetFromGraph_dyn(object graph_def, object name)
object DatasetToGraph_dyn(object input_dataset, ImplicitContainer<T> stateful_whitelist, object name)
object DatasetToSingleElement(object dataset, object output_types, object output_shapes, string name)
object DatasetToSingleElement_dyn(object dataset, object output_types, object output_shapes, object name)
object DatasetToTFRecord(object input_dataset, object filename, object compression_type, string name)
object DatasetToTFRecord_dyn(object input_dataset, object filename, object compression_type, object name)
Tensor DebugGradientIdentity(object input, string name)
object DebugGradientIdentity_dyn(object input, object name)
object DebugGradientRefIdentity(object input, string name)
object DebugGradientRefIdentity_dyn(object input, object name)
Tensor DecodeAndCropJpeg(object contents, object crop_window, int channels, int ratio, bool fancy_upscaling, bool try_recover_truncated, int acceptable_fraction, string dct_method, string name)
Tensor DecodeBase64(object input, string name)
object DecodeBase64_dyn(object input, object name)
Tensor DecodeBmp(object contents, int channels, string name)
Tensor DecodeCompressed(object bytes, string compression_type, string name)
object DecodeCSV(object records, object record_defaults, string field_delim, bool use_quote_delim, string na_value, ImplicitContainer<T> select_cols, string name)
Tensor DecodeGif(object contents, string name)
object DecodeGif_dyn(object contents, object name)
Tensor DecodeJpeg(object contents, int channels, int ratio, bool fancy_upscaling, bool try_recover_truncated, int acceptable_fraction, string dct_method, string name)
Tensor DecodeJSONExample(object json_examples, string name)
object DecodeJSONExample_dyn(object json_examples, object name)
Tensor DecodePaddedRaw(object input_bytes, object fixed_length, object out_type, bool little_endian, string name)
object DecodePaddedRaw_dyn(object input_bytes, object fixed_length, object out_type, ImplicitContainer<T> little_endian, object name)
object DecodeProtoV2(object bytes, object message_type, object field_names, object output_types, string descriptor_source, string message_format, bool sanitize, string name)
Tensor DecodeRaw(object bytes, object out_type, bool little_endian, string name)
object DecodeRaw_dyn(object bytes, object out_type, ImplicitContainer<T> little_endian, object name)
object DecodeWav(object contents, int desired_channels, int desired_samples, string name)
Tensor DeepCopy(object x, string name)
object DeepCopy_dyn(object x, object name)
object DeleteIterator(object handle, object deleter, string name)
object DeleteIterator_dyn(object handle, object deleter, object name)
object DeleteMemoryCache(object handle, object deleter, string name)
object DeleteMemoryCache_dyn(object handle, object deleter, object name)
object DeleteMultiDeviceIterator(object multi_device_iterator, object iterators, object deleter, string name)
object DeleteMultiDeviceIterator_dyn(object multi_device_iterator, object iterators, object deleter, object name)
object DeleteRandomSeedGenerator(object handle, object deleter, string name)
object DeleteRandomSeedGenerator_dyn(object handle, object deleter, object name)
object DeleteSessionTensor(object handle, string name)
object DeleteSessionTensor_dyn(object handle, object name)
object DenseToDenseSetOperation(object set1, object set2, object set_operation, bool validate_indices, string name)
object DenseToDenseSetOperation_dyn(object set1, object set2, object set_operation, ImplicitContainer<T> validate_indices, object name)
Tensor DenseToSparseBatchDataset(object input_dataset, object batch_size, object row_shape, object output_types, object output_shapes, string name)
object DenseToSparseBatchDataset_dyn(object input_dataset, object batch_size, object row_shape, object output_types, object output_shapes, object name)
object DenseToSparseSetOperation(object set1, object set2_indices, object set2_values, object set2_shape, object set_operation, bool validate_indices, string name)
object DenseToSparseSetOperation_dyn(object set1, object set2_indices, object set2_values, object set2_shape, object set_operation, ImplicitContainer<T> validate_indices, object name)
Tensor DepthToSpace(object input, object block_size, string data_format, string name)
object DepthToSpace_dyn(object input, object block_size, ImplicitContainer<T> data_format, object name)
Tensor DepthwiseConv2dNative(object input, object filter, object strides, object padding, string data_format, ImplicitContainer<T> dilations, string name)
Tensor DepthwiseConv2dNativeBackpropFilter(object input, object filter_sizes, object out_backprop, object strides, object padding, string data_format, ImplicitContainer<T> dilations, string name)
object DepthwiseConv2dNativeBackpropFilter_dyn(object input, object filter_sizes, object out_backprop, object strides, object padding, ImplicitContainer<T> data_format, ImplicitContainer<T> dilations, object name)
Tensor Dequantize(object input, object min_range, object max_range, string mode, string name)
object Dequantize_dyn(object input, object min_range, object max_range, ImplicitContainer<T> mode, object name)
object DeserializeIterator(object resource_handle, object serialized, string name)
object DeserializeIterator_dyn(object resource_handle, object serialized, object name)
object DeserializeManySparse(object serialized_sparse, DType dtype, string name)
object DeserializeManySparse_dyn(object serialized_sparse, object dtype, object name)
object DeserializeSparse(object serialized_sparse, DType dtype, string name)
object DeserializeSparse_dyn(object serialized_sparse, object dtype, object name)
object DestroyResourceOp(object resource, bool ignore_lookup_error, string name)
object DestroyResourceOp_dyn(object resource, ImplicitContainer<T> ignore_lookup_error, object name)
Tensor DestroyTemporaryVariable(object ref, object var_name, string name)
object DestroyTemporaryVariable_dyn(object ref, object var_name, object name)
Tensor Diag(object diagonal, string name)
object Diag_dyn(object diagonal, object name)
Tensor DiagPart(object input, string name)
object DiagPart_dyn(object input, object name)
Tensor Digamma(object x, string name)
object Digamma_dyn(object x, object name)
Tensor Dilation2D(object input, object filter, object strides, object rates, object padding, string name)
object Dilation2D_dyn(object input, object filter, object strides, object rates, object padding, object name)
Tensor Dilation2DBackpropFilter(object input, object filter, object out_backprop, object strides, object rates, object padding, string name)
object Dilation2DBackpropFilter_dyn(object input, object filter, object out_backprop, object strides, object rates, object padding, object name)
Tensor DirectedInterleaveDataset(object selector_input_dataset, object data_input_datasets, object output_types, object output_shapes, string name)
object DirectedInterleaveDataset_dyn(object selector_input_dataset, object data_input_datasets, object output_types, object output_shapes, object name)
Tensor Div(object x, object y, string name)
object Div_dyn(object x, object y, object name)
Tensor DivNoNan(object x, object y, string name)
object DivNoNan_dyn(object x, object y, object name)
Tensor DrawBoundingBoxes(object images, object boxes, string name)
object DrawBoundingBoxes_dyn(object images, object boxes, object name)
Tensor DrawBoundingBoxesV2(object images, object boxes, object colors, string name)
object DrawBoundingBoxesV2_dyn(object images, object boxes, object colors, object name)
object DynamicPartition(object data, object partitions, object num_partitions, string name)
object DynamicPartition_dyn(object data, object partitions, object num_partitions, object name)
Tensor DynamicStitch(object indices, object data, string name)
object DynamicStitch_dyn(object indices, object data, object name)
IList<object> EagerPyFunc(object input, object token, object Tout, bool is_async, string name)
object EagerPyFunc_dyn(object input, object token, object Tout, ImplicitContainer<T> is_async, object name)
Tensor EditDistance(object hypothesis_indices, object hypothesis_values, object hypothesis_shape, object truth_indices, object truth_values, object truth_shape, bool normalize, string name)
object EditDistance_dyn(object hypothesis_indices, object hypothesis_values, object hypothesis_shape, object truth_indices, object truth_values, object truth_shape, ImplicitContainer<T> normalize, object name)
Tensor Einsum(object inputs, object equation, string name)
object Einsum_dyn(object inputs, object equation, object name)
Tensor Elu(object features, string name)
object Elu_dyn(object features, object name)
Tensor EluGrad(object gradients, object outputs, string name)
object EluGrad_dyn(object gradients, object outputs, object name)
Tensor EmptyTensorList(object element_shape, object max_num_elements, object element_dtype, string name)
object EmptyTensorList_dyn(object element_shape, object max_num_elements, object element_dtype, object name)
Tensor EncodeBase64(object input, bool pad, string name)
Tensor EncodeJpeg(object image, string format, int quality, bool progressive, bool optimize_size, bool chroma_downsampling, string density_unit, int x_density, int y_density, string xmp_metadata, string name)
Tensor EncodeJpegVariableQuality(object images, object quality, string name)
object EncodeJpegVariableQuality_dyn(object images, object quality, object name)
Tensor EncodePng(object image, int compression, string name)
Tensor EncodeProto(object sizes, object values, object field_names, object message_type, string descriptor_source, string name)
object EncodeProto_dyn(object sizes, object values, object field_names, object message_type, ImplicitContainer<T> descriptor_source, object name)
Tensor EncodeWav(object audio, object sample_rate, string name)
object EncodeWav_dyn(object audio, object sample_rate, object name)
object EnqueueTPUEmbeddingIntegerBatch(object batch, object mode_override, int device_ordinal, string name)
object EnqueueTPUEmbeddingIntegerBatch_dyn(object batch, object mode_override, ImplicitContainer<T> device_ordinal, object name)
object EnqueueTPUEmbeddingSparseBatch(object sample_indices, object embedding_indices, object aggregation_weights, object mode_override, int device_ordinal, ImplicitContainer<T> combiners, string name)
object EnqueueTPUEmbeddingSparseBatch_dyn(object sample_indices, object embedding_indices, object aggregation_weights, object mode_override, ImplicitContainer<T> device_ordinal, ImplicitContainer<T> combiners, object name)
object EnqueueTPUEmbeddingSparseTensorBatch(object sample_indices, object embedding_indices, object aggregation_weights, object mode_override, object table_ids, int device_ordinal, ImplicitContainer<T> combiners, ImplicitContainer<T> max_sequence_lengths, string name)
object EnsureShape_dyn(object input, object shape, object name)
Tensor Enter(object data, object frame_name, bool is_constant, int parallel_iterations, string name)
Tensor Equal(object x, object y, bool incompatible_shape_error, string name)
object Erf(object x, string name)
object Erf_dyn(object x, object name)
object Erfc(object x, string name)
object Erfc_dyn(object x, object name)
Tensor EuclideanNorm(object input, object axis, bool keep_dims, string name)
Tensor Exit(object data, string name)
object Exit_dyn(object data, object name)
object Exp(object x, string name)
object Exp_dyn(object x, object name)
Tensor ExpandDims(object input, object axis, string name)
object ExpandDims_dyn(object input, object axis, object name)
Tensor ExperimentalAssertNextDataset(object input_dataset, object transformations, object output_types, object output_shapes, string name)
object ExperimentalAssertNextDataset_dyn(object input_dataset, object transformations, object output_types, object output_shapes, object name)
Tensor ExperimentalAutoShardDataset(object input_dataset, object num_workers, object index, object output_types, object output_shapes, string name)
object ExperimentalAutoShardDataset_dyn(object input_dataset, object num_workers, object index, object output_types, object output_shapes, object name)
Tensor ExperimentalBytesProducedStatsDataset(object input_dataset, object tag, object output_types, object output_shapes, string name)
object ExperimentalBytesProducedStatsDataset_dyn(object input_dataset, object tag, object output_types, object output_shapes, object name)
Tensor ExperimentalChooseFastestDataset(object input_datasets, object num_experiments, object output_types, object output_shapes, string name)
object ExperimentalChooseFastestDataset_dyn(object input_datasets, object num_experiments, object output_types, object output_shapes, object name)
Tensor ExperimentalCSVDataset(object filenames, object compression_type, object buffer_size, object header, object field_delim, object use_quote_delim, object na_value, object select_cols, object record_defaults, object output_shapes, string name)
object ExperimentalCSVDataset_dyn(object filenames, object compression_type, object buffer_size, object header, object field_delim, object use_quote_delim, object na_value, object select_cols, object record_defaults, object output_shapes, object name)
Tensor ExperimentalDatasetCardinality(object input_dataset, string name)
object ExperimentalDatasetCardinality_dyn(object input_dataset, object name)
object ExperimentalDatasetToTFRecord(object input_dataset, object filename, object compression_type, string name)
object ExperimentalDatasetToTFRecord_dyn(object input_dataset, object filename, object compression_type, object name)
Tensor ExperimentalDenseToSparseBatchDataset(object input_dataset, object batch_size, object row_shape, object output_types, object output_shapes, string name)
object ExperimentalDenseToSparseBatchDataset_dyn(object input_dataset, object batch_size, object row_shape, object output_types, object output_shapes, object name)
Tensor ExperimentalDirectedInterleaveDataset(object selector_input_dataset, object data_input_datasets, object output_types, object output_shapes, string name)
object ExperimentalDirectedInterleaveDataset_dyn(object selector_input_dataset, object data_input_datasets, object output_types, object output_shapes, object name)
Tensor ExperimentalGroupByReducerDataset(object input_dataset, object key_func_other_arguments, object init_func_other_arguments, object reduce_func_other_arguments, object finalize_func_other_arguments, object key_func, object init_func, object reduce_func, object finalize_func, object output_types, object output_shapes, string name)
object ExperimentalGroupByReducerDataset_dyn(object input_dataset, object key_func_other_arguments, object init_func_other_arguments, object reduce_func_other_arguments, object finalize_func_other_arguments, object key_func, object init_func, object reduce_func, object finalize_func, object output_types, object output_shapes, object name)
Tensor ExperimentalGroupByWindowDataset(object input_dataset, object key_func_other_arguments, object reduce_func_other_arguments, object window_size_func_other_arguments, object key_func, object reduce_func, object window_size_func, object output_types, object output_shapes, string name)
object ExperimentalGroupByWindowDataset_dyn(object input_dataset, object key_func_other_arguments, object reduce_func_other_arguments, object window_size_func_other_arguments, object key_func, object reduce_func, object window_size_func, object output_types, object output_shapes, object name)
Tensor ExperimentalIgnoreErrorsDataset(object input_dataset, object output_types, object output_shapes, string name)
object ExperimentalIgnoreErrorsDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
Tensor ExperimentalIteratorGetDevice(object resource, string name)
object ExperimentalIteratorGetDevice_dyn(object resource, object name)
Tensor ExperimentalLatencyStatsDataset(object input_dataset, object tag, object output_types, object output_shapes, string name)
object ExperimentalLatencyStatsDataset_dyn(object input_dataset, object tag, object output_types, object output_shapes, object name)
Tensor ExperimentalLMDBDataset(object filenames, object output_types, object output_shapes, string name)
object ExperimentalLMDBDataset_dyn(object filenames, object output_types, object output_shapes, object name)
Tensor ExperimentalMapAndBatchDataset(object input_dataset, object other_arguments, object batch_size, object num_parallel_calls, object drop_remainder, object f, object output_types, object output_shapes, bool preserve_cardinality, string name)
object ExperimentalMapAndBatchDataset_dyn(object input_dataset, object other_arguments, object batch_size, object num_parallel_calls, object drop_remainder, object f, object output_types, object output_shapes, ImplicitContainer<T> preserve_cardinality, object name)
Tensor ExperimentalMapDataset(object input_dataset, object other_arguments, object f, object output_types, object output_shapes, bool use_inter_op_parallelism, bool preserve_cardinality, string name)
object ExperimentalMapDataset_dyn(object input_dataset, object other_arguments, object f, object output_types, object output_shapes, ImplicitContainer<T> use_inter_op_parallelism, ImplicitContainer<T> preserve_cardinality, object name)
Tensor ExperimentalMatchingFilesDataset(object patterns, string name)
object ExperimentalMatchingFilesDataset_dyn(object patterns, object name)
Tensor ExperimentalMaxIntraOpParallelismDataset(object input_dataset, object max_intra_op_parallelism, object output_types, object output_shapes, string name)
object ExperimentalMaxIntraOpParallelismDataset_dyn(object input_dataset, object max_intra_op_parallelism, object output_types, object output_shapes, object name)
Tensor ExperimentalNonSerializableDataset(object input_dataset, object output_types, object output_shapes, string name)
object ExperimentalNonSerializableDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
Tensor ExperimentalParallelInterleaveDataset(object input_dataset, object other_arguments, object cycle_length, object block_length, object sloppy, object buffer_output_elements, object prefetch_input_elements, object f, object output_types, object output_shapes, string name)
object ExperimentalParallelInterleaveDataset_dyn(object input_dataset, object other_arguments, object cycle_length, object block_length, object sloppy, object buffer_output_elements, object prefetch_input_elements, object f, object output_types, object output_shapes, object name)
Tensor ExperimentalParseExampleDataset(object input_dataset, object num_parallel_calls, object dense_defaults, object sparse_keys, object dense_keys, object sparse_types, object dense_shapes, object output_types, object output_shapes, bool sloppy, string name)
object ExperimentalParseExampleDataset_dyn(object input_dataset, object num_parallel_calls, object dense_defaults, object sparse_keys, object dense_keys, object sparse_types, object dense_shapes, object output_types, object output_shapes, ImplicitContainer<T> sloppy, object name)
Tensor ExperimentalPrivateThreadPoolDataset(object input_dataset, object num_threads, object output_types, object output_shapes, string name)
object ExperimentalPrivateThreadPoolDataset_dyn(object input_dataset, object num_threads, object output_types, object output_shapes, object name)
Tensor ExperimentalRandomDataset(object seed, object seed2, object output_types, object output_shapes, string name)
object ExperimentalRandomDataset_dyn(object seed, object seed2, object output_types, object output_shapes, object name)
Tensor ExperimentalRebatchDataset(object input_dataset, object num_replicas, object output_types, object output_shapes, bool use_fallback, string name)
object ExperimentalRebatchDataset_dyn(object input_dataset, object num_replicas, object output_types, object output_shapes, ImplicitContainer<T> use_fallback, object name)
Tensor ExperimentalScanDataset(object input_dataset, object initial_state, object other_arguments, object f, object output_types, object output_shapes, bool preserve_cardinality, string name)
object ExperimentalScanDataset_dyn(object input_dataset, object initial_state, object other_arguments, object f, object output_types, object output_shapes, ImplicitContainer<T> preserve_cardinality, object name)
Tensor ExperimentalSetStatsAggregatorDataset(object input_dataset, object stats_aggregator, object tag, object counter_prefix, object output_types, object output_shapes, string name)
object ExperimentalSetStatsAggregatorDataset_dyn(object input_dataset, object stats_aggregator, object tag, object counter_prefix, object output_types, object output_shapes, object name)
Tensor ExperimentalSleepDataset(object input_dataset, object sleep_microseconds, object output_types, object output_shapes, string name)
object ExperimentalSleepDataset_dyn(object input_dataset, object sleep_microseconds, object output_types, object output_shapes, object name)
Tensor ExperimentalSlidingWindowDataset(object input_dataset, object window_size, object window_shift, object window_stride, object output_types, object output_shapes, string name)
object ExperimentalSlidingWindowDataset_dyn(object input_dataset, object window_size, object window_shift, object window_stride, object output_types, object output_shapes, object name)
Tensor ExperimentalSqlDataset(object driver_name, object data_source_name, object query, object output_types, object output_shapes, string name)
object ExperimentalSqlDataset_dyn(object driver_name, object data_source_name, object query, object output_types, object output_shapes, object name)
Tensor ExperimentalStatsAggregatorHandle(string container, string shared_name, string name)
Tensor ExperimentalStatsAggregatorSummary(object iterator, string name)
object ExperimentalStatsAggregatorSummary_dyn(object iterator, object name)
Tensor ExperimentalTakeWhileDataset(object input_dataset, object other_arguments, object predicate, object output_types, object output_shapes, string name)
object ExperimentalTakeWhileDataset_dyn(object input_dataset, object other_arguments, object predicate, object output_types, object output_shapes, object name)
Tensor ExperimentalThreadPoolDataset(object input_dataset, object thread_pool, object output_types, object output_shapes, string name)
object ExperimentalThreadPoolDataset_dyn(object input_dataset, object thread_pool, object output_types, object output_shapes, object name)
Tensor ExperimentalThreadPoolHandle(object num_threads, object display_name, int max_intra_op_parallelism, string container, string shared_name, string name)
Tensor ExperimentalUnbatchDataset(object input_dataset, object output_types, object output_shapes, string name)
object ExperimentalUnbatchDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
Tensor ExperimentalUniqueDataset(object input_dataset, object output_types, object output_shapes, string name)
object ExperimentalUniqueDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
object Expm1(object x, string name)
object Expm1_dyn(object x, object name)
object Fact_dyn(object name)
object FakeParam_dyn(object dtype, object shape, object name)
Tensor FakeQuantWithMinMaxArgs(object inputs, int min, int max, int num_bits, bool narrow_range, string name)
Tensor FakeQuantWithMinMaxArgsGradient(object gradients, object inputs, int min, int max, int num_bits, bool narrow_range, string name)
Tensor FakeQuantWithMinMaxVars(object inputs, object min, object max, int num_bits, bool narrow_range, string name)
object FakeQuantWithMinMaxVarsGradient(object gradients, object inputs, object min, object max, int num_bits, bool narrow_range, string name)
Tensor FakeQuantWithMinMaxVarsPerChannel(object inputs, object min, object max, int num_bits, bool narrow_range, string name)
object FakeQuantWithMinMaxVarsPerChannelGradient(object gradients, object inputs, object min, object max, int num_bits, bool narrow_range, string name)
Tensor FakeQueue(object resource, string name)
object FakeQueue_dyn(object resource, object name)
Tensor FFT(object input, string name)
object FFT_dyn(object input, object name)
Tensor FFT2D(object input, string name)
object FFT2D_dyn(object input, object name)
Tensor FFT3D(object input, string name)
object FFT3D_dyn(object input, object name)
Tensor FIFOQueue(int component_types, int shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, ValueTuple shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, int shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, string shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, ImplicitContainer<T> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, ValueTuple shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, DType shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, DType shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, DType shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, string shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, IEnumerable<ValueTuple> shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, IEnumerable<ValueTuple> shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, ValueTuple shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, IEnumerable<ValueTuple> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, ImplicitContainer<T> shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, int shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, ImplicitContainer<T> shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, ImplicitContainer<T> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, int shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, ImplicitContainer<T> shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, string shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, int shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, DType shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, DType shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, DType shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, ValueTuple shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, ValueTuple shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, ImplicitContainer<T> shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, IEnumerable<ValueTuple> shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, IEnumerable<ValueTuple> shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, IEnumerable<ValueTuple> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, string shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(int component_types, ValueTuple shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, int shapes, object capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, string shapes, int capacity, string container, string shared_name, string name)
Tensor FIFOQueue(IEnumerable<int> component_types, string shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor FIFOQueueV2(object component_types, ImplicitContainer<T> shapes, int capacity, string container, string shared_name, string name)
Tensor Fill(object dims, object value, string name)
object Fill_dyn(object dims, object value, object name)
Tensor FilterByLastComponentDataset(object input_dataset, object output_types, object output_shapes, string name)
object FilterByLastComponentDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
Tensor FilterDataset(object input_dataset, object other_arguments, object predicate, object output_types, object output_shapes, string name)
object FilterDataset_dyn(object input_dataset, object other_arguments, object predicate, object output_types, object output_shapes, object name)
Tensor Fingerprint(object data, object method, string name)
object Fingerprint_dyn(object data, object method, object name)
Tensor FixedLengthRecordDataset(object filenames, object header_bytes, object record_bytes, object footer_bytes, object buffer_size, string name)
object FixedLengthRecordDataset_dyn(object filenames, object header_bytes, object record_bytes, object footer_bytes, object buffer_size, object name)
Tensor FixedLengthRecordDatasetV2(object filenames, object header_bytes, object record_bytes, object footer_bytes, object buffer_size, object compression_type, string name)
object FixedLengthRecordDatasetV2_dyn(object filenames, object header_bytes, object record_bytes, object footer_bytes, object buffer_size, object compression_type, object name)
Tensor FixedLengthRecordReader(int record_bytes, int header_bytes, int footer_bytes, int hop_bytes, string container, string shared_name, string name)
Tensor FixedLengthRecordReaderV2(object record_bytes, int header_bytes, int footer_bytes, int hop_bytes, string container, string shared_name, string encoding, string name)
object FixedUnigramCandidateSampler(object true_classes, object num_true, object num_sampled, object unique, object range_max, string vocab_file, int distortion, int num_reserved_ids, int num_shards, int shard, ImplicitContainer<T> unigrams, int seed, int seed2, string name)
Tensor FlatMapDataset(object input_dataset, object other_arguments, object f, object output_types, object output_shapes, string name)
object FlatMapDataset_dyn(object input_dataset, object other_arguments, object f, object output_types, object output_shapes, object name)
object Floor(object x, string name)
object Floor_dyn(object x, object name)
Tensor FloorDiv(object x, object y, string name)
object FloorDiv_dyn(object x, object y, object name)
Tensor FloorMod(object x, object y, string name)
object FloorMod_dyn(object x, object y, object name)
object FlushSummaryWriter(object writer, string name)
object FlushSummaryWriter_dyn(object writer, object name)
object For(object start, object limit, object delta, object input, object body, string name)
object For_dyn(object start, object limit, object delta, object input, object body, object name)
object FractionalAvgPool(object value, object pooling_ratio, bool pseudo_random, bool overlapping, bool deterministic, int seed, int seed2, string name)
Tensor FractionalAvgPoolGrad(object orig_input_tensor_shape, object out_backprop, object row_pooling_sequence, object col_pooling_sequence, bool overlapping, string name)
object FractionalAvgPoolGrad_dyn(object orig_input_tensor_shape, object out_backprop, object row_pooling_sequence, object col_pooling_sequence, ImplicitContainer<T> overlapping, object name)
object FractionalMaxPool(object value, object pooling_ratio, bool pseudo_random, bool overlapping, bool deterministic, int seed, int seed2, string name)
Tensor FractionalMaxPoolGrad(object orig_input, object orig_output, object out_backprop, object row_pooling_sequence, object col_pooling_sequence, bool overlapping, string name)
object FractionalMaxPoolGrad_dyn(object orig_input, object orig_output, object out_backprop, object row_pooling_sequence, object col_pooling_sequence, ImplicitContainer<T> overlapping, object name)
object FusedBatchNorm(object x, object scale, object offset, object mean, object variance, double epsilon, string data_format, bool is_training, string name)
object FusedBatchNormGrad(object y_backprop, object x, object scale, object reserve_space_1, object reserve_space_2, double epsilon, string data_format, bool is_training, string name)
object FusedBatchNormGradV2(object y_backprop, object x, object scale, object reserve_space_1, object reserve_space_2, double epsilon, string data_format, bool is_training, string name)
object FusedBatchNormGradV3(object y_backprop, object x, object scale, object reserve_space_1, object reserve_space_2, object reserve_space_3, double epsilon, string data_format, bool is_training, string name)
object FusedBatchNormV2(object x, object scale, object offset, object mean, object variance, double epsilon, string data_format, bool is_training, string name)
object FusedBatchNormV3(object x, object scale, object offset, object mean, object variance, double epsilon, string data_format, bool is_training, string name)
Tensor FusedPadConv2D(object input, object paddings, object filter, object mode, object strides, object padding, string name)
object FusedPadConv2D_dyn(object input, object paddings, object filter, object mode, object strides, object padding, object name)
Tensor FusedResizeAndPadConv2D(object input, object size, object paddings, object filter, object mode, object strides, object padding, bool resize_align_corners, string name)
object FusedResizeAndPadConv2D_dyn(object input, object size, object paddings, object filter, object mode, object strides, object padding, ImplicitContainer<T> resize_align_corners, object name)
Tensor Gather(object params, object indices, bool validate_indices, string name)
object Gather_dyn(object params, object indices, ImplicitContainer<T> validate_indices, object name)
Tensor GatherNd(object params, object indices, string name)
object GatherNd_dyn(object params, object indices, object name)
Tensor GatherV2(object params, object indices, object axis, int batch_dims, string name)
object GatherV2_dyn(object params, object indices, object axis, ImplicitContainer<T> batch_dims, object name)
object GenerateVocabRemapping(object new_vocab_file, object old_vocab_file, object new_vocab_offset, object num_new_vocab, int old_vocab_size, string name)
object GenerateVocabRemapping_dyn(object new_vocab_file, object old_vocab_file, object new_vocab_offset, object num_new_vocab, ImplicitContainer<T> old_vocab_size, object name)
Tensor GeneratorDataset(object init_func_other_args, object next_func_other_args, object finalize_func_other_args, object init_func, object next_func, object finalize_func, object output_types, object output_shapes, string name)
object GeneratorDataset_dyn(object init_func_other_args, object next_func_other_args, object finalize_func_other_args, object init_func, object next_func, object finalize_func, object output_types, object output_shapes, object name)
Tensor GetSessionHandle(object value, string name)
object GetSessionHandle_dyn(object value, object name)
Tensor GetSessionHandleV2(object value, string name)
object GetSessionHandleV2_dyn(object value, object name)
Tensor GetSessionTensor(object handle, DType dtype, string name)
object GetSessionTensor_dyn(object handle, object dtype, object name)
object Greater(object x, object y, string name)
object Greater_dyn(object x, object y, object name)
object GreaterEqual(object x, object y, string name)
object GreaterEqual_dyn(object x, object y, object name)
Tensor GroupByReducerDataset(object input_dataset, object key_func_other_arguments, object init_func_other_arguments, object reduce_func_other_arguments, object finalize_func_other_arguments, object key_func, object init_func, object reduce_func, object finalize_func, object output_types, object output_shapes, string name)
object GroupByReducerDataset_dyn(object input_dataset, object key_func_other_arguments, object init_func_other_arguments, object reduce_func_other_arguments, object finalize_func_other_arguments, object key_func, object init_func, object reduce_func, object finalize_func, object output_types, object output_shapes, object name)
Tensor GroupByWindowDataset(object input_dataset, object key_func_other_arguments, object reduce_func_other_arguments, object window_size_func_other_arguments, object key_func, object reduce_func, object window_size_func, object output_types, object output_shapes, string name)
object GroupByWindowDataset_dyn(object input_dataset, object key_func_other_arguments, object reduce_func_other_arguments, object window_size_func_other_arguments, object key_func, object reduce_func, object window_size_func, object output_types, object output_shapes, object name)
object GRUBlockCell(object x, object h_prev, object w_ru, object w_c, object b_ru, object b_c, string name)
object GRUBlockCell_dyn(object x, object h_prev, object w_ru, object w_c, object b_ru, object b_c, object name)
object GRUBlockCellGrad(object x, object h_prev, object w_ru, object w_c, object b_ru, object b_c, object r, object u, object c, object d_h, string name)
object GRUBlockCellGrad_dyn(object x, object h_prev, object w_ru, object w_c, object b_ru, object b_c, object r, object u, object c, object d_h, object name)
Tensor GuaranteeConst(object input, string name)
object GuaranteeConst_dyn(object input, object name)
Tensor HashTable(TableInitializerBase key_dtype, int value_dtype, string container, string shared_name, bool use_node_name_sharing, string name)
Tensor HashTable(TableInitializerBase key_dtype, double value_dtype, string container, string shared_name, bool use_node_name_sharing, string name)
Tensor HashTableV2(object key_dtype, object value_dtype, string container, string shared_name, bool use_node_name_sharing, string name)
object HistogramFixedWidth_dyn(object values, object value_range, object nbins, ImplicitContainer<T> dtype, object name)
Tensor HistogramSummary(object tag, object values, string name)
object HistogramSummary_dyn(object tag, object values, object name)
Tensor HSVToRGB(object images, string name)
object HSVToRGB_dyn(object images, object name)
Tensor Identity(object input, string name)
object Identity_dyn(object input, object name)
object IdentityN(object input, string name)
object IdentityN_dyn(object input, object name)
Tensor IdentityReader(string container, string shared_name, string name)
Tensor IdentityReaderV2(string container, string shared_name, string name)
object If(object cond, object input, object Tout, object then_branch, object else_branch, ImplicitContainer<T> output_shapes, string name)
object If_dyn(object cond, object input, object Tout, object then_branch, object else_branch, ImplicitContainer<T> output_shapes, object name)
Tensor IFFT(object input, string name)
object IFFT_dyn(object input, object name)
Tensor IFFT2D(object input, string name)
object IFFT2D_dyn(object input, object name)
Tensor IFFT3D(object input, string name)
object IFFT3D_dyn(object input, object name)
Tensor Igamma(object a, object x, string name)
object Igamma_dyn(object a, object x, object name)
Tensor Igammac(object a, object x, string name)
object Igammac_dyn(object a, object x, object name)
Tensor IgammaGradA(object a, object x, string name)
object IgammaGradA_dyn(object a, object x, object name)
Tensor IgnoreErrorsDataset(object input_dataset, object output_types, object output_shapes, string name)
object IgnoreErrorsDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
object ImmutableConst_dyn(object dtype, object shape, object memory_region_name, object name)
object ImportEvent(object writer, object event, string name)
object ImportEvent_dyn(object writer, object event, object name)
object InfeedDequeue_dyn(object dtype, object shape, object name)
object InfeedDequeueTuple(object dtypes, object shapes, string name)
object InfeedDequeueTuple_dyn(object dtypes, object shapes, object name)
object InfeedEnqueuePrelinearizedBuffer(object input, int device_ordinal, string name)
object InfeedEnqueuePrelinearizedBuffer_dyn(object input, ImplicitContainer<T> device_ordinal, object name)
object InfeedEnqueueTuple(object inputs, object shapes, ImplicitContainer<T> layouts, int device_ordinal, string name)
object InitializeTable(object table_handle, object keys, object values, string name)
object InitializeTable_dyn(object table_handle, object keys, object values, object name)
object InitializeTableFromTextFile(object table_handle, object filename, object key_index, object value_index, int vocab_size, string delimiter, string name)
object InitializeTableFromTextFile_dyn(object table_handle, object filename, object key_index, object value_index, ImplicitContainer<T> vocab_size, ImplicitContainer<T> delimiter, object name)
object InitializeTableFromTextFileV2(object table_handle, object filename, object key_index, object value_index, int vocab_size, string delimiter, string name)
object InitializeTableFromTextFileV2_dyn(object table_handle, object filename, object key_index, object value_index, ImplicitContainer<T> vocab_size, ImplicitContainer<T> delimiter, object name)
object InitializeTableV2(object table_handle, object keys, object values, string name)
object InitializeTableV2_dyn(object table_handle, object keys, object values, object name)
Tensor InplaceAdd(object x, object i, object v, string name)
object InplaceAdd_dyn(object x, object i, object v, object name)
Tensor InplaceSub(object x, object i, object v, string name)
object InplaceSub_dyn(object x, object i, object v, object name)
Tensor InplaceUpdate(object x, object i, object v, string name)
object InplaceUpdate_dyn(object x, object i, object v, object name)
Tensor InterleaveDataset(object input_dataset, object other_arguments, object cycle_length, object block_length, object f, object output_types, object output_shapes, string name)
object InterleaveDataset_dyn(object input_dataset, object other_arguments, object cycle_length, object block_length, object f, object output_types, object output_shapes, object name)
Tensor InTopK(object predictions, object targets, object k, string name)
object InTopK_dyn(object predictions, object targets, object k, object name)
Tensor InTopKV2(object predictions, object targets, object k, string name)
object InTopKV2_dyn(object predictions, object targets, object k, object name)
Tensor Inv(object x, string name)
object Inv_dyn(object x, object name)
Tensor Invert(object x, string name)
object Invert_dyn(object x, object name)
Tensor InvertPermutation(object x, string name)
object InvertPermutation_dyn(object x, object name)
Tensor InvGrad(object y, object dy, string name)
object InvGrad_dyn(object y, object dy, object name)
Tensor IRFFT(object input, object fft_length, string name)
object IRFFT_dyn(object input, object fft_length, object name)
Tensor IRFFT2D(object input, object fft_length, string name)
object IRFFT2D_dyn(object input, object fft_length, object name)
Tensor IRFFT3D(object input, object fft_length, string name)
object IRFFT3D_dyn(object input, object fft_length, object name)
Tensor IsBoostedTreesEnsembleInitialized(object tree_ensemble_handle, string name)
object IsBoostedTreesEnsembleInitialized_dyn(object tree_ensemble_handle, object name)
Tensor IsBoostedTreesQuantileStreamResourceInitialized(object quantile_stream_resource_handle, string name)
object IsBoostedTreesQuantileStreamResourceInitialized_dyn(object quantile_stream_resource_handle, object name)
object IsFinite(object x, string name)
object IsFinite_dyn(object x, object name)
object IsInf(object x, string name)
object IsInf_dyn(object x, object name)
object IsNan(object x, string name)
object IsNan_dyn(object x, object name)
Tensor IsVariableInitialized(object ref, string name)
object IsVariableInitialized_dyn(object ref, object name)
Tensor Iterator(object shared_name, object container, object output_types, object output_shapes, string name)
object Iterator_dyn(object shared_name, object container, object output_types, object output_shapes, object name)
Tensor IteratorGetDevice(object resource, string name)
object IteratorGetDevice_dyn(object resource, object name)
object IteratorGetNext(object iterator, object output_types, object output_shapes, string name)
object IteratorGetNext_dyn(object iterator, object output_types, object output_shapes, object name)
Tensor IteratorGetNextAsOptional(object iterator, object output_types, object output_shapes, string name)
object IteratorGetNextAsOptional_dyn(object iterator, object output_types, object output_shapes, object name)
object IteratorGetNextSync(object iterator, object output_types, object output_shapes, string name)
object IteratorGetNextSync_dyn(object iterator, object output_types, object output_shapes, object name)
Tensor IteratorToStringHandle(object resource_handle, string name)
object IteratorToStringHandle_dyn(object resource_handle, object name)
Tensor IteratorV2(object shared_name, object container, object output_types, object output_shapes, string name)
object IteratorV2_dyn(object shared_name, object container, object output_types, object output_shapes, object name)
Tensor L2Loss(object t, string name)
object L2Loss_dyn(object t, object name)
Tensor LatencyStatsDataset(object input_dataset, object tag, object output_types, object output_shapes, string name)
object LatencyStatsDataset_dyn(object input_dataset, object tag, object output_types, object output_shapes, object name)
Tensor LeakyRelu(object features, double alpha, string name)
Tensor LeakyReluGrad(object gradients, object features, double alpha, string name)
object LeakyReluGrad_dyn(object gradients, object features, ImplicitContainer<T> alpha, object name)
object LearnedUnigramCandidateSampler(object true_classes, object num_true, object num_sampled, object unique, object range_max, int seed, int seed2, string name)
object LearnedUnigramCandidateSampler_dyn(object true_classes, object num_true, object num_sampled, object unique, object range_max, ImplicitContainer<T> seed, ImplicitContainer<T> seed2, object name)
Tensor LeftShift(object x, object y, string name)
object LeftShift_dyn(object x, object y, object name)
object Less(object x, object y, string name)
object Less_dyn(object x, object y, object name)
object LessEqual(object x, object y, string name)
object LessEqual_dyn(object x, object y, object name)
object Lgamma(object x, string name)
object Lgamma_dyn(object x, object name)
Tensor LinSpace(object start, object stop, object num, string name)
object LinSpace_dyn(object start, object stop, object num, object name)
Tensor LMDBDataset(object filenames, object output_types, object output_shapes, string name)
object LMDBDataset_dyn(object filenames, object output_types, object output_shapes, object name)
Tensor LMDBReader(string container, string shared_name, string name)
Tensor LoadAndRemapMatrix(object ckpt_path, object old_tensor_name, object row_remapping, object col_remapping, object initializing_values, object num_rows, object num_cols, int max_rows_in_memory, string name)
object LoadAndRemapMatrix_dyn(object ckpt_path, object old_tensor_name, object row_remapping, object col_remapping, object initializing_values, object num_rows, object num_cols, ImplicitContainer<T> max_rows_in_memory, object name)
object LoadTPUEmbeddingAdadeltaParameters(object parameters, object accumulators, object updates, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingAdadeltaParameters_dyn(object parameters, object accumulators, object updates, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingAdadeltaParametersGradAccumDebug(object parameters, object accumulators, object updates, object gradient_accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingAdadeltaParametersGradAccumDebug_dyn(object parameters, object accumulators, object updates, object gradient_accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingAdagradParameters(object parameters, object accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingAdagradParametersGradAccumDebug(object parameters, object accumulators, object gradient_accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingAdagradParametersGradAccumDebug_dyn(object parameters, object accumulators, object gradient_accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingADAMParameters(object parameters, object momenta, object velocities, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingADAMParameters_dyn(object parameters, object momenta, object velocities, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingADAMParametersGradAccumDebug(object parameters, object momenta, object velocities, object gradient_accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingADAMParametersGradAccumDebug_dyn(object parameters, object momenta, object velocities, object gradient_accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingCenteredRMSPropParameters(object parameters, object ms, object mom, object mg, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingCenteredRMSPropParameters_dyn(object parameters, object ms, object mom, object mg, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingFTRLParameters(object parameters, object accumulators, object linears, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingFTRLParameters_dyn(object parameters, object accumulators, object linears, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingFTRLParametersGradAccumDebug(object parameters, object accumulators, object linears, object gradient_accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingFTRLParametersGradAccumDebug_dyn(object parameters, object accumulators, object linears, object gradient_accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingMDLAdagradLightParameters(object parameters, object accumulators, object weights, object benefits, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingMDLAdagradLightParameters_dyn(object parameters, object accumulators, object weights, object benefits, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingMomentumParameters(object parameters, object momenta, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingMomentumParametersGradAccumDebug(object parameters, object momenta, object gradient_accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingMomentumParametersGradAccumDebug_dyn(object parameters, object momenta, object gradient_accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingProximalAdagradParameters(object parameters, object accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingProximalAdagradParameters_dyn(object parameters, object accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingProximalAdagradParametersGradAccumDebug(object parameters, object accumulators, object gradient_accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingProximalAdagradParametersGradAccumDebug_dyn(object parameters, object accumulators, object gradient_accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingRMSPropParameters(object parameters, object ms, object mom, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingRMSPropParametersGradAccumDebug(object parameters, object ms, object mom, object gradient_accumulators, object num_shards, object shard_id, int table_id, string table_name, string name)
object LoadTPUEmbeddingRMSPropParametersGradAccumDebug_dyn(object parameters, object ms, object mom, object gradient_accumulators, object num_shards, object shard_id, ImplicitContainer<T> table_id, ImplicitContainer<T> table_name, object name)
object LoadTPUEmbeddingStochasticGradientDescentParameters(object parameters, object num_shards, object shard_id, int table_id, string table_name, string name)
object Log(object x, string name)
object Log_dyn(object x, object name)
object Log1p(object x, string name)
object Log1p_dyn(object x, object name)
object LogicalAnd(object x, object y, string name)
object LogicalAnd_dyn(object x, object y, object name)
object LogicalNot(object x, string name)
object LogicalNot_dyn(object x, object name)
object LogicalOr(object x, object y, string name)
object LogicalOr_dyn(object x, object y, object name)
object LogMatrixDeterminant(object input, string name)
object LogMatrixDeterminant_dyn(object input, object name)
Tensor LogSoftmax(object logits, string name)
object LogSoftmax_dyn(object logits, object name)
object LookupTableExport(object table_handle, object Tkeys, object Tvalues, string name)
object LookupTableExport_dyn(object table_handle, object Tkeys, object Tvalues, object name)
object LookupTableExportV2(object table_handle, object Tkeys, object Tvalues, string name)
object LookupTableExportV2_dyn(object table_handle, object Tkeys, object Tvalues, object name)
Tensor LookupTableFind(object table_handle, object keys, object default_value, string name)
object LookupTableFind_dyn(object table_handle, object keys, object default_value, object name)
Tensor LookupTableFindV2(object table_handle, object keys, object default_value, string name)
object LookupTableFindV2_dyn(object table_handle, object keys, object default_value, object name)
object LookupTableImport(object table_handle, object keys, object values, string name)
object LookupTableImport_dyn(object table_handle, object keys, object values, object name)
object LookupTableImportV2(object table_handle, object keys, object values, string name)
object LookupTableImportV2_dyn(object table_handle, object keys, object values, object name)
object LookupTableInsert(object table_handle, object keys, object values, string name)
object LookupTableInsert_dyn(object table_handle, object keys, object values, object name)
object LookupTableInsertV2(object table_handle, object keys, object values, string name)
object LookupTableInsertV2_dyn(object table_handle, object keys, object values, object name)
object LookupTableRemoveV2(object table_handle, object keys, string name)
object LookupTableRemoveV2_dyn(object table_handle, object keys, object name)
Tensor LookupTableSize(object table_handle, string name)
object LookupTableSize_dyn(object table_handle, object name)
Tensor LookupTableSizeV2(object table_handle, string name)
object LookupTableSizeV2_dyn(object table_handle, object name)
Tensor LoopCond(object input, string name)
object LoopCond_dyn(object input, object name)
object LowerBound_dyn(object sorted_inputs, object values, ImplicitContainer<T> out_type, object name)
Tensor LRN(object input, int depth_radius, int bias, int alpha, double beta, string name)
Tensor LRNGrad(object input_grads, object input_image, object output_image, int depth_radius, int bias, int alpha, double beta, string name)
object LSTMBlockCell(object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, int forget_bias, int cell_clip, bool use_peephole, string name)
object LSTMBlockCell_dyn(object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, ImplicitContainer<T> forget_bias, ImplicitContainer<T> cell_clip, ImplicitContainer<T> use_peephole, object name)
object LSTMBlockCellGrad(object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, object i, object cs, object f, object o, object ci, object co, object cs_grad, object h_grad, object use_peephole, string name)
object LSTMBlockCellGrad_dyn(object x, object cs_prev, object h_prev, object w, object wci, object wcf, object wco, object b, object i, object cs, object f, object o, object ci, object co, object cs_grad, object h_grad, object use_peephole, object name)
object MakeIterator(object dataset, object iterator, string name)
object MakeIterator_dyn(object dataset, object iterator, object name)
Tensor MapAndBatchDataset(object input_dataset, object other_arguments, object batch_size, object num_parallel_calls, object drop_remainder, object f, object output_types, object output_shapes, bool preserve_cardinality, string name)
object MapAndBatchDataset_dyn(object input_dataset, object other_arguments, object batch_size, object num_parallel_calls, object drop_remainder, object f, object output_types, object output_shapes, ImplicitContainer<T> preserve_cardinality, object name)
object MapClear(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
Tensor MapDataset(object input_dataset, object other_arguments, object f, object output_types, object output_shapes, bool use_inter_op_parallelism, bool preserve_cardinality, string name)
object MapDataset_dyn(object input_dataset, object other_arguments, object f, object output_types, object output_shapes, ImplicitContainer<T> use_inter_op_parallelism, ImplicitContainer<T> preserve_cardinality, object name)
object MapDefun(object arguments, object captured_inputs, object output_types, object output_shapes, object f, int max_intra_op_parallelism, string name)
object MapDefun_dyn(object arguments, object captured_inputs, object output_types, object output_shapes, object f, ImplicitContainer<T> max_intra_op_parallelism, object name)
Tensor MapIncompleteSize(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object MapPeek(object key, object indices, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
Tensor MapSize(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object MapStage(object key, object indices, object values, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object MapUnstage(object key, object indices, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object MapUnstageNoKey(object indices, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
Tensor MatchingFiles(object pattern, string name)
object MatchingFiles_dyn(object pattern, object name)
Tensor MatchingFilesDataset(object patterns, string name)
object MatchingFilesDataset_dyn(object patterns, object name)
Tensor MatMul(object a, object b, bool transpose_a, bool transpose_b, string name)
Tensor MatrixBandPart(object input, object num_lower, object num_upper, string name)
object MatrixBandPart_dyn(object input, object num_lower, object num_upper, object name)
Tensor MatrixDeterminant(object input, string name)
object MatrixDeterminant_dyn(object input, object name)
Tensor MatrixDiag(object diagonal, string name)
object MatrixDiag_dyn(object diagonal, object name)
Tensor MatrixDiagPart(object input, string name)
object MatrixDiagPart_dyn(object input, object name)
Tensor MatrixDiagPartV2(object input, object k, object padding_value, string name)
object MatrixDiagPartV2_dyn(object input, object k, object padding_value, object name)
Tensor MatrixDiagV2(object diagonal, object k, object num_rows, object num_cols, object padding_value, string name)
object MatrixDiagV2_dyn(object diagonal, object k, object num_rows, object num_cols, object padding_value, object name)
Tensor MatrixExponential(object input, string name)
object MatrixExponential_dyn(object input, object name)
Tensor MatrixInverse(object input, bool adjoint, string name)
Tensor MatrixLogarithm(object input, string name)
object MatrixLogarithm_dyn(object input, object name)
Tensor MatrixSetDiag(object input, object diagonal, string name)
object MatrixSetDiag_dyn(object input, object diagonal, object name)
Tensor MatrixSetDiagV2(object input, object diagonal, object k, string name)
object MatrixSetDiagV2_dyn(object input, object diagonal, object k, object name)
Tensor MatrixSolve(object matrix, object rhs, bool adjoint, string name)
Tensor MatrixSolveLs(object matrix, object rhs, object l2_regularizer, bool fast, string name)
object MatrixSolveLs_dyn(object matrix, object rhs, object l2_regularizer, ImplicitContainer<T> fast, object name)
Tensor MatrixSquareRoot(object input, string name)
object MatrixSquareRoot_dyn(object input, object name)
Tensor MatrixTriangularSolve(object matrix, object rhs, bool lower, bool adjoint, string name)
Tensor Max(object input, object axis, bool keep_dims, string name)
object Maximum(object x, object y, string name)
object Maximum_dyn(object x, object y, object name)
Tensor MaxIntraOpParallelismDataset(object input_dataset, object max_intra_op_parallelism, object output_types, object output_shapes, string name)
object MaxIntraOpParallelismDataset_dyn(object input_dataset, object max_intra_op_parallelism, object output_types, object output_shapes, object name)
Tensor MaxPool(object input, object ksize, object strides, object padding, string data_format, string name)
object MaxPool_dyn(object input, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPool3D(object input, object ksize, object strides, object padding, string data_format, string name)
object MaxPool3D_dyn(object input, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPool3DGrad(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, string data_format, string name)
object MaxPool3DGrad_dyn(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPool3DGradGrad(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, string data_format, string name)
object MaxPool3DGradGrad_dyn(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPoolGrad(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, string data_format, string name)
object MaxPoolGrad_dyn(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPoolGradGrad(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, string data_format, string name)
object MaxPoolGradGrad_dyn(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPoolGradGradV2(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, string data_format, string name)
object MaxPoolGradGradV2_dyn(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPoolGradGradWithArgmax(object input, object grad, object argmax, object ksize, object strides, object padding, bool include_batch_in_index, string name)
object MaxPoolGradGradWithArgmax_dyn(object input, object grad, object argmax, object ksize, object strides, object padding, ImplicitContainer<T> include_batch_in_index, object name)
Tensor MaxPoolGradV2(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, string data_format, string name)
object MaxPoolGradV2_dyn(object orig_input, object orig_output, object grad, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
Tensor MaxPoolGradWithArgmax(object input, object grad, object argmax, object ksize, object strides, object padding, bool include_batch_in_index, string name)
object MaxPoolGradWithArgmax_dyn(object input, object grad, object argmax, object ksize, object strides, object padding, ImplicitContainer<T> include_batch_in_index, object name)
Tensor MaxPoolV2(object input, object ksize, object strides, object padding, string data_format, string name)
object MaxPoolV2_dyn(object input, object ksize, object strides, object padding, ImplicitContainer<T> data_format, object name)
object MaxPoolWithArgmax(object input, object ksize, object strides, object padding, ImplicitContainer<T> Targmax, bool include_batch_in_index, string name)
Tensor Mean(object input, object axis, bool keep_dims, string name)
object Merge(object inputs, string name)
object Merge_dyn(object inputs, object name)
Tensor MergeSummary(object inputs, string name)
object MergeSummary_dyn(object inputs, object name)
object MergeV2Checkpoints(object checkpoint_prefixes, object destination_prefix, bool delete_old_dirs, string name)
object MergeV2Checkpoints_dyn(object checkpoint_prefixes, object destination_prefix, ImplicitContainer<T> delete_old_dirs, object name)
Tensor Mfcc(object spectrogram, object sample_rate, int upper_frequency_limit, int lower_frequency_limit, int filterbank_channel_count, int dct_coefficient_count, string name)
Tensor Min(object input, object axis, bool keep_dims, string name)
object Minimum(object x, object y, string name)
object Minimum_dyn(object x, object y, object name)
Tensor MirrorPad(object input, object paddings, object mode, string name)
object MirrorPad_dyn(object input, object paddings, object mode, object name)
Tensor MirrorPadGrad(object input, object paddings, object mode, string name)
object MirrorPadGrad_dyn(object input, object paddings, object mode, object name)
object Mod(object x, object y, string name)
object Mod_dyn(object x, object y, object name)
Tensor ModelDataset(object input_dataset, object output_types, object output_shapes, int algorithm, int cpu_budget, string name)
object Mul(object x, object y, string name)
object Mul_dyn(object x, object y, object name)
Tensor MulNoNan(object x, object y, string name)
object MulNoNan_dyn(object x, object y, object name)
Tensor MultiDeviceIterator(object devices, object shared_name, object container, object output_types, object output_shapes, string name)
object MultiDeviceIterator_dyn(object devices, object shared_name, object container, object output_types, object output_shapes, object name)
object MultiDeviceIteratorGetNextFromShard(object multi_device_iterator, object shard_num, object incarnation_id, object output_types, object output_shapes, string name)
object MultiDeviceIteratorGetNextFromShard_dyn(object multi_device_iterator, object shard_num, object incarnation_id, object output_types, object output_shapes, object name)
Tensor MultiDeviceIteratorInit(object dataset, object multi_device_iterator, object max_buffer_size, string name)
object MultiDeviceIteratorInit_dyn(object dataset, object multi_device_iterator, object max_buffer_size, object name)
Tensor MultiDeviceIteratorToStringHandle(object multi_device_iterator, string name)
object MultiDeviceIteratorToStringHandle_dyn(object multi_device_iterator, object name)
Tensor MutableDenseHashTable(object empty_key, object value_dtype, string container, string shared_name, bool use_node_name_sharing, ImplicitContainer<T> value_shape, int initial_num_buckets, double max_load_factor, string name)
Tensor MutableDenseHashTableV2(object empty_key, object deleted_key, object value_dtype, string container, string shared_name, bool use_node_name_sharing, ImplicitContainer<T> value_shape, int initial_num_buckets, double max_load_factor, string name)
Tensor MutableHashTable(DType key_dtype, DType value_dtype, double container, string shared_name, bool use_node_name_sharing, string name)
Tensor MutableHashTable(DType key_dtype, DType value_dtype, string container, string shared_name, bool use_node_name_sharing, string name)
Tensor MutableHashTable(DType key_dtype, DType value_dtype, int container, string shared_name, bool use_node_name_sharing, string name)
Tensor MutableHashTableOfTensors(object key_dtype, object value_dtype, string container, string shared_name, bool use_node_name_sharing, ImplicitContainer<T> value_shape, string name)
Tensor MutableHashTableOfTensorsV2(object key_dtype, object value_dtype, string container, string shared_name, bool use_node_name_sharing, ImplicitContainer<T> value_shape, string name)
Tensor MutableHashTableV2(object key_dtype, object value_dtype, string container, string shared_name, bool use_node_name_sharing, string name)
Tensor MutexLock(object mutex, string name)
object MutexLock_dyn(object mutex, object name)
Tensor MutexV2(string container, string shared_name, string name)
Tensor NcclAllReduce(object input, object reduction, object num_devices, object shared_name, string name)
object NcclAllReduce_dyn(object input, object reduction, object num_devices, object shared_name, object name)
object NcclBroadcast_dyn(object input, object shape, object name)
Tensor NcclReduce(object input, object reduction, string name)
object NcclReduce_dyn(object input, object reduction, object name)
object Neg(object x, string name)
object Neg_dyn(object x, object name)
Tensor NextAfter(object x1, object x2, string name)
object NextAfter_dyn(object x1, object x2, object name)
Tensor NextIteration(object data, string name)
object NextIteration_dyn(object data, object name)
Tensor NonMaxSuppression(object boxes, object scores, object max_output_size, double iou_threshold, string name)
object NonMaxSuppression_dyn(object boxes, object scores, object max_output_size, ImplicitContainer<T> iou_threshold, object name)
Tensor NonMaxSuppressionV2(object boxes, object scores, object max_output_size, object iou_threshold, string name)
object NonMaxSuppressionV2_dyn(object boxes, object scores, object max_output_size, object iou_threshold, object name)
Tensor NonMaxSuppressionV3(object boxes, object scores, object max_output_size, object iou_threshold, object score_threshold, string name)
object NonMaxSuppressionV3_dyn(object boxes, object scores, object max_output_size, object iou_threshold, object score_threshold, object name)
object NonMaxSuppressionV4(object boxes, object scores, object max_output_size, object iou_threshold, object score_threshold, bool pad_to_max_output_size, string name)
object NonMaxSuppressionV4_dyn(object boxes, object scores, object max_output_size, object iou_threshold, object score_threshold, ImplicitContainer<T> pad_to_max_output_size, object name)
object NonMaxSuppressionV5(object boxes, object scores, object max_output_size, object iou_threshold, object score_threshold, object soft_nms_sigma, bool pad_to_max_output_size, string name)
object NonMaxSuppressionV5_dyn(object boxes, object scores, object max_output_size, object iou_threshold, object score_threshold, object soft_nms_sigma, ImplicitContainer<T> pad_to_max_output_size, object name)
Tensor NonMaxSuppressionWithOverlaps(object overlaps, object scores, object max_output_size, object overlap_threshold, object score_threshold, string name)
object NonMaxSuppressionWithOverlaps_dyn(object overlaps, object scores, object max_output_size, object overlap_threshold, object score_threshold, object name)
Tensor NonSerializableDataset(object input_dataset, object output_types, object output_shapes, string name)
object NonSerializableDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
object NoOp_dyn(object name)
Tensor NotEqual(object x, object y, bool incompatible_shape_error, string name)
Tensor NthElement(object input, object n, bool reverse, string name)
Tensor OneHot(object indices, object depth, object on_value, object off_value, int axis, string name)
object OneHot_dyn(object indices, object depth, object on_value, object off_value, ImplicitContainer<T> axis, object name)
Tensor OneShotIterator(object dataset_factory, object output_types, object output_shapes, string container, string shared_name, string name)
Tensor OnesLike(object x, string name)
object OnesLike_dyn(object x, object name)
Tensor OptimizeDataset(object input_dataset, object optimizations, object output_types, object output_shapes, ImplicitContainer<T> optimization_configs, string name)
object OptimizeDataset_dyn(object input_dataset, object optimizations, object output_types, object output_shapes, ImplicitContainer<T> optimization_configs, object name)
Tensor OptionalFromValue(object components, string name)
object OptionalFromValue_dyn(object components, object name)
object OptionalGetValue(object optional, object output_types, object output_shapes, string name)
object OptionalGetValue_dyn(object optional, object output_types, object output_shapes, object name)
Tensor OptionalHasValue(object optional, string name)
object OptionalHasValue_dyn(object optional, object name)
Tensor OptionalNone(string name)
object OptionalNone_dyn(object name)
object OrderedMapClear(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
Tensor OrderedMapIncompleteSize(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object OrderedMapPeek(object key, object indices, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
Tensor OrderedMapSize(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object OrderedMapStage(object key, object indices, object values, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object OrderedMapUnstage(object key, object indices, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object OrderedMapUnstageNoKey(object indices, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object OutfeedDequeue_dyn(object dtype, object shape, ImplicitContainer<T> device_ordinal, object name)
object OutfeedDequeueTuple(object dtypes, object shapes, int device_ordinal, string name)
object OutfeedDequeueTuple_dyn(object dtypes, object shapes, ImplicitContainer<T> device_ordinal, object name)
object OutfeedEnqueue(object input, string name)
object OutfeedEnqueue_dyn(object input, object name)
object OutfeedEnqueueTuple(object inputs, string name)
object OutfeedEnqueueTuple_dyn(object inputs, object name)
Tensor Pack(object values, int axis, string name)
Tensor Pad(object input, object paddings, string name)
object Pad_dyn(object input, object paddings, object name)
Tensor PaddedBatchDataset(object input_dataset, object batch_size, object padded_shapes, object padding_values, object output_shapes, string name)
object PaddedBatchDataset_dyn(object input_dataset, object batch_size, object padded_shapes, object padding_values, object output_shapes, object name)
Tensor PaddedBatchDatasetV2(object input_dataset, object batch_size, object padded_shapes, object padding_values, object drop_remainder, object output_shapes, bool parallel_copy, string name)
object PaddedBatchDatasetV2_dyn(object input_dataset, object batch_size, object padded_shapes, object padding_values, object drop_remainder, object output_shapes, ImplicitContainer<T> parallel_copy, object name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, ImplicitContainer<T> shapes, ValueTuple<object> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, ImplicitContainer<T> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, DType shapes, int capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, DType shapes, ValueTuple<object> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, DType shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, IEnumerable<ValueTuple> shapes, int capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, IEnumerable<ValueTuple> shapes, ValueTuple<object> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, IEnumerable<ValueTuple> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, IEnumerable<ValueTuple> shapes, ValueTuple<object> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, ImplicitContainer<T> shapes, ValueTuple<object> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, DType shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, ImplicitContainer<T> shapes, int capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, DType shapes, ValueTuple<object> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, ImplicitContainer<T> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(IEnumerable<int> component_types, ImplicitContainer<T> shapes, int capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, IEnumerable<ValueTuple> shapes, int capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, IEnumerable<ValueTuple> shapes, IEnumerable<ValueTuple<int, int, int>> capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueue(int component_types, DType shapes, int capacity, string container, string shared_name, string name)
Tensor PaddingFIFOQueueV2(object component_types, ImplicitContainer<T> shapes, int capacity, string container, string shared_name, string name)
Tensor PadV2(object input, object paddings, object constant_values, string name)
object PadV2_dyn(object input, object paddings, object constant_values, object name)
object ParallelConcat_dyn(object values, object shape, object name)
Tensor ParallelDynamicStitch(object indices, object data, string name)
object ParallelDynamicStitch_dyn(object indices, object data, object name)
Tensor ParallelInterleaveDataset(object input_dataset, object other_arguments, object cycle_length, object block_length, object sloppy, object buffer_output_elements, object prefetch_input_elements, object f, object output_types, object output_shapes, string name)
object ParallelInterleaveDataset_dyn(object input_dataset, object other_arguments, object cycle_length, object block_length, object sloppy, object buffer_output_elements, object prefetch_input_elements, object f, object output_types, object output_shapes, object name)
Tensor ParallelInterleaveDatasetV2(object input_dataset, object other_arguments, object cycle_length, object block_length, object num_parallel_calls, object f, object output_types, object output_shapes, bool sloppy, string name)
object ParallelInterleaveDatasetV2_dyn(object input_dataset, object other_arguments, object cycle_length, object block_length, object num_parallel_calls, object f, object output_types, object output_shapes, ImplicitContainer<T> sloppy, object name)
Tensor ParallelMapDataset(object input_dataset, object other_arguments, object num_parallel_calls, object f, object output_types, object output_shapes, bool use_inter_op_parallelism, bool sloppy, bool preserve_cardinality, string name)
Tensor ParameterizedTruncatedNormal(TensorShape shape, object means, object stdevs, object minvals, object maxvals, int seed, int seed2, string name)
object ParseExample(object serialized, object names, object sparse_keys, object dense_keys, object dense_defaults, object sparse_types, object dense_shapes, string name)
object ParseExample_dyn(object serialized, object names, object sparse_keys, object dense_keys, object dense_defaults, object sparse_types, object dense_shapes, object name)
Tensor ParseExampleDataset(object input_dataset, object num_parallel_calls, object dense_defaults, object sparse_keys, object dense_keys, object sparse_types, object dense_shapes, object output_types, object output_shapes, bool sloppy, string name)
object ParseExampleDataset_dyn(object input_dataset, object num_parallel_calls, object dense_defaults, object sparse_keys, object dense_keys, object sparse_types, object dense_shapes, object output_types, object output_shapes, ImplicitContainer<T> sloppy, object name)
object ParseSequenceExample(object serialized, object debug_name, object context_dense_defaults, object feature_list_dense_missing_assumed_empty, object context_sparse_keys, object context_dense_keys, object feature_list_sparse_keys, object feature_list_dense_keys, int Ncontext_sparse, int Ncontext_dense, int Nfeature_list_sparse, int Nfeature_list_dense, ImplicitContainer<T> context_sparse_types, ImplicitContainer<T> feature_list_dense_types, ImplicitContainer<T> context_dense_shapes, ImplicitContainer<T> feature_list_sparse_types, ImplicitContainer<T> feature_list_dense_shapes, string name)
object ParseSequenceExample_dyn(object serialized, object debug_name, object context_dense_defaults, object feature_list_dense_missing_assumed_empty, object context_sparse_keys, object context_dense_keys, object feature_list_sparse_keys, object feature_list_dense_keys, ImplicitContainer<T> Ncontext_sparse, ImplicitContainer<T> Ncontext_dense, ImplicitContainer<T> Nfeature_list_sparse, ImplicitContainer<T> Nfeature_list_dense, ImplicitContainer<T> context_sparse_types, ImplicitContainer<T> feature_list_dense_types, ImplicitContainer<T> context_dense_shapes, ImplicitContainer<T> feature_list_sparse_types, ImplicitContainer<T> feature_list_dense_shapes, object name)
object ParseSingleExample(object serialized, object dense_defaults, object num_sparse, object sparse_keys, object dense_keys, object sparse_types, object dense_shapes, string name)
object ParseSingleExample_dyn(object serialized, object dense_defaults, object num_sparse, object sparse_keys, object dense_keys, object sparse_types, object dense_shapes, object name)
object ParseSingleSequenceExample(object serialized, object feature_list_dense_missing_assumed_empty, object context_sparse_keys, object context_dense_keys, object feature_list_sparse_keys, object feature_list_dense_keys, object context_dense_defaults, object debug_name, ImplicitContainer<T> context_sparse_types, ImplicitContainer<T> feature_list_dense_types, ImplicitContainer<T> context_dense_shapes, ImplicitContainer<T> feature_list_sparse_types, ImplicitContainer<T> feature_list_dense_shapes, string name)
object ParseSingleSequenceExample_dyn(object serialized, object feature_list_dense_missing_assumed_empty, object context_sparse_keys, object context_dense_keys, object feature_list_sparse_keys, object feature_list_dense_keys, object context_dense_defaults, object debug_name, ImplicitContainer<T> context_sparse_types, ImplicitContainer<T> feature_list_dense_types, ImplicitContainer<T> context_dense_shapes, ImplicitContainer<T> feature_list_sparse_types, ImplicitContainer<T> feature_list_dense_shapes, object name)
Tensor ParseTensor(object serialized, object out_type, string name)
object ParseTensor_dyn(object serialized, object out_type, object name)
object PartitionedCall(IEnumerable<object> args, object Tout, object f, string config, string config_proto, string executor_type, string name)
object Placeholder_dyn(object dtype, object shape, object name)
object PlaceholderV2_dyn(object dtype, object shape, object name)
object PlaceholderWithDefault_dyn(object input, object shape, object name)
Tensor Polygamma(object a, object x, string name)
object Polygamma_dyn(object a, object x, object name)
Tensor PopulationCount(object x, string name)
object PopulationCount_dyn(object x, object name)
Tensor Pow(object x, object y, string name)
object Pow_dyn(object x, object y, object name)
Tensor PrefetchDataset(object input_dataset, object buffer_size, object output_types, object output_shapes, int slack_period, bool legacy_autotune, string name)
object PrelinearizeTuple_dyn(object inputs, object shapes, ImplicitContainer<T> layouts, object name)
Tensor PreventGradient(object input, string message, string name)
Tensor Print(int input, IEnumerable<IGraphNodeBase> data, string message, Nullable<int> first_n, int summarize, string name)
Tensor Print(IGraphNodeBase input, IEnumerable<IGraphNodeBase> data, string message, Nullable<int> first_n, int summarize, string name)
Tensor Print(IEnumerable<object> input, IEnumerable<IGraphNodeBase> data, string message, Nullable<int> first_n, int summarize, string name)
Tensor Print(ValueTuple<IEnumerable<object>, object> input, IEnumerable<IGraphNodeBase> data, string message, Nullable<int> first_n, int summarize, string name)
object PrintV2(object input, string output_stream, string end, string name)
Tensor PriorityQueue(int shapes, ImplicitContainer<T> component_types, ValueTuple<object, object> capacity, string container, string shared_name, string name)
Tensor PriorityQueue(int shapes, DType component_types, ValueTuple<object, object> capacity, string container, string shared_name, string name)
Tensor PriorityQueue(int shapes, ValueTuple<DType, object> component_types, ValueTuple<object, object> capacity, string container, string shared_name, string name)
Tensor PriorityQueue(int shapes, ValueTuple<DType, object> component_types, int capacity, string container, string shared_name, string name)
Tensor PriorityQueue(int shapes, ImplicitContainer<T> component_types, int capacity, string container, string shared_name, string name)
Tensor PriorityQueue(int shapes, DType component_types, int capacity, string container, string shared_name, string name)
Tensor PriorityQueueV2(object shapes, ImplicitContainer<T> component_types, int capacity, string container, string shared_name, string name)
Tensor PrivateThreadPoolDataset(object input_dataset, object num_threads, object output_types, object output_shapes, string name)
object PrivateThreadPoolDataset_dyn(object input_dataset, object num_threads, object output_types, object output_shapes, object name)
Tensor Prod(object input, object axis, bool keep_dims, string name)
IList<object> PyFunc(object input, object token, object Tout, string name)
object PyFunc_dyn(object input, object token, object Tout, object name)
IList<object> PyFuncStateless(object input, object token, object Tout, string name)
object PyFuncStateless_dyn(object input, object token, object Tout, object name)
object Qr(object input, bool full_matrices, string name)
Tensor QuantizeAndDequantize(object input, bool signed_input, int num_bits, bool range_given, int input_min, int input_max, string name)
Tensor QuantizeAndDequantizeV2(object input, object input_min, object input_max, bool signed_input, int num_bits, bool range_given, string round_mode, bool narrow_range, string name)
Tensor QuantizeAndDequantizeV3(object input, object input_min, object input_max, object num_bits, bool signed_input, bool range_given, bool narrow_range, string name)
object QuantizedAdd(object x, object y, object min_x, object max_x, object min_y, object max_y, ImplicitContainer<T> Toutput, string name)
object QuantizedAdd_dyn(object x, object y, object min_x, object max_x, object min_y, object max_y, ImplicitContainer<T> Toutput, object name)
object QuantizedAvgPool(object input, object min_input, object max_input, object ksize, object strides, object padding, string name)
object QuantizedAvgPool_dyn(object input, object min_input, object max_input, object ksize, object strides, object padding, object name)
object QuantizedBatchNormWithGlobalNormalization(object t, object t_min, object t_max, object m, object m_min, object m_max, object v, object v_min, object v_max, object beta, object beta_min, object beta_max, object gamma, object gamma_min, object gamma_max, object out_type, object variance_epsilon, object scale_after_normalization, string name)
object QuantizedBatchNormWithGlobalNormalization_dyn(object t, object t_min, object t_max, object m, object m_min, object m_max, object v, object v_min, object v_max, object beta, object beta_min, object beta_max, object gamma, object gamma_min, object gamma_max, object out_type, object variance_epsilon, object scale_after_normalization, object name)
object QuantizedBiasAdd(object input, object bias, object min_input, object max_input, object min_bias, object max_bias, object out_type, string name)
object QuantizedBiasAdd_dyn(object input, object bias, object min_input, object max_input, object min_bias, object max_bias, object out_type, object name)
object QuantizedConcat(object concat_dim, object values, object input_mins, object input_maxes, string name)
object QuantizedConcat_dyn(object concat_dim, object values, object input_mins, object input_maxes, object name)
object QuantizedConv2D(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, string name)
object QuantizedConv2D_dyn(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, object name)
object QuantizedConv2DAndRelu(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DAndRelu_dyn(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DAndReluAndRequantize(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DAndReluAndRequantize_dyn(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DAndRequantize(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DAndRequantize_dyn(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DPerChannel(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, string name)
object QuantizedConv2DPerChannel_dyn(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, object name)
object QuantizedConv2DWithBias(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DWithBias_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DWithBiasAndRelu(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DWithBiasAndRelu_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DWithBiasAndReluAndRequantize(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DWithBiasAndReluAndRequantize_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DWithBiasAndRequantize(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DWithBiasAndRequantize_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DWithBiasSignedSumAndReluAndRequantize(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object summand, object min_summand, object max_summand, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DWithBiasSignedSumAndReluAndRequantize_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object summand, object min_summand, object max_summand, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DWithBiasSumAndRelu(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object summand, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DWithBiasSumAndRelu_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object summand, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedConv2DWithBiasSumAndReluAndRequantize(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object summand, object min_summand, object max_summand, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, string name)
object QuantizedConv2DWithBiasSumAndReluAndRequantize_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object summand, object min_summand, object max_summand, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, ImplicitContainer<T> padding_list, object name)
object QuantizedDepthwiseConv2D(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, string name)
object QuantizedDepthwiseConv2D_dyn(object input, object filter, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, object name)
object QuantizedDepthwiseConv2DWithBias(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, string name)
object QuantizedDepthwiseConv2DWithBias_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, object name)
object QuantizedDepthwiseConv2DWithBiasAndRelu(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, string name)
object QuantizedDepthwiseConv2DWithBiasAndRelu_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, object name)
object QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, string name)
object QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize_dyn(object input, object filter, object bias, object min_input, object max_input, object min_filter, object max_filter, object min_freezed_output, object max_freezed_output, object strides, object padding, ImplicitContainer<T> out_type, ImplicitContainer<T> dilations, object name)
object QuantizedInstanceNorm(object x, object x_min, object x_max, bool output_range_given, int given_y_min, int given_y_max, double variance_epsilon, double min_separation, string name)
object QuantizedMatMul(object a, object b, object min_a, object max_a, object min_b, object max_b, ImplicitContainer<T> Toutput, bool transpose_a, bool transpose_b, ImplicitContainer<T> Tactivation, string name)
object QuantizedMatMul_dyn(object a, object b, object min_a, object max_a, object min_b, object max_b, ImplicitContainer<T> Toutput, ImplicitContainer<T> transpose_a, ImplicitContainer<T> transpose_b, ImplicitContainer<T> Tactivation, object name)
object QuantizedMatMulWithBias(object a, object b, object bias, object min_a, object max_a, object min_b, object max_b, ImplicitContainer<T> Toutput, bool transpose_a, bool transpose_b, string input_quant_mode, string name)
object QuantizedMatMulWithBias_dyn(object a, object b, object bias, object min_a, object max_a, object min_b, object max_b, ImplicitContainer<T> Toutput, ImplicitContainer<T> transpose_a, ImplicitContainer<T> transpose_b, ImplicitContainer<T> input_quant_mode, object name)
object QuantizedMatMulWithBiasAndRelu(object a, object b, object bias, object min_a, object max_a, object min_b, object max_b, ImplicitContainer<T> Toutput, bool transpose_a, bool transpose_b, string input_quant_mode, string name)
object QuantizedMatMulWithBiasAndRelu_dyn(object a, object b, object bias, object min_a, object max_a, object min_b, object max_b, ImplicitContainer<T> Toutput, ImplicitContainer<T> transpose_a, ImplicitContainer<T> transpose_b, ImplicitContainer<T> input_quant_mode, object name)
object QuantizedMatMulWithBiasAndReluAndRequantize(object a, object b, object bias, object min_a, object max_a, object min_b, object max_b, object min_freezed_output, object max_freezed_output, ImplicitContainer<T> Toutput, bool transpose_a, bool transpose_b, string input_quant_mode, string name)
object QuantizedMatMulWithBiasAndReluAndRequantize_dyn(object a, object b, object bias, object min_a, object max_a, object min_b, object max_b, object min_freezed_output, object max_freezed_output, ImplicitContainer<T> Toutput, ImplicitContainer<T> transpose_a, ImplicitContainer<T> transpose_b, ImplicitContainer<T> input_quant_mode, object name)
object QuantizedMaxPool(object input, object min_input, object max_input, object ksize, object strides, object padding, string name)
object QuantizedMaxPool_dyn(object input, object min_input, object max_input, object ksize, object strides, object padding, object name)
object QuantizedMul(object x, object y, object min_x, object max_x, object min_y, object max_y, ImplicitContainer<T> Toutput, string name)
object QuantizedMul_dyn(object x, object y, object min_x, object max_x, object min_y, object max_y, ImplicitContainer<T> Toutput, object name)
object QuantizeDownAndShrinkRange(object input, object input_min, object input_max, object out_type, string name)
object QuantizeDownAndShrinkRange_dyn(object input, object input_min, object input_max, object out_type, object name)
object QuantizedRelu(object features, object min_features, object max_features, ImplicitContainer<T> out_type, string name)
object QuantizedRelu_dyn(object features, object min_features, object max_features, ImplicitContainer<T> out_type, object name)
object QuantizedRelu6(object features, object min_features, object max_features, ImplicitContainer<T> out_type, string name)
object QuantizedRelu6_dyn(object features, object min_features, object max_features, ImplicitContainer<T> out_type, object name)
object QuantizedReluX(object features, object max_value, object min_features, object max_features, ImplicitContainer<T> out_type, string name)
object QuantizedReluX_dyn(object features, object max_value, object min_features, object max_features, ImplicitContainer<T> out_type, object name)
object QuantizedReshape(object tensor, TensorShape shape, object input_min, object input_max, string name)
object QuantizedReshape_dyn(object tensor, object shape, object input_min, object input_max, object name)
object QuantizedResizeBilinear(object images, object size, object min, object max, bool align_corners, bool half_pixel_centers, string name)
object QuantizeV2(object input, object min_range, object max_range, object T, string mode, string round_mode, string name)
object QueueClose(object handle, bool cancel_pending_enqueues, string name)
object QueueCloseV2(object handle, bool cancel_pending_enqueues, string name)
object QueueDequeue(object handle, object component_types, int timeout_ms, string name)
object QueueDequeue_dyn(object handle, object component_types, ImplicitContainer<T> timeout_ms, object name)
object QueueDequeueMany(object handle, object n, object component_types, int timeout_ms, string name)
object QueueDequeueMany_dyn(object handle, object n, object component_types, ImplicitContainer<T> timeout_ms, object name)
object QueueDequeueManyV2(object handle, object n, object component_types, int timeout_ms, string name)
object QueueDequeueManyV2_dyn(object handle, object n, object component_types, ImplicitContainer<T> timeout_ms, object name)
object QueueDequeueUpTo(object handle, object n, object component_types, int timeout_ms, string name)
object QueueDequeueUpTo_dyn(object handle, object n, object component_types, ImplicitContainer<T> timeout_ms, object name)
object QueueDequeueUpToV2(object handle, object n, object component_types, int timeout_ms, string name)
object QueueDequeueUpToV2_dyn(object handle, object n, object component_types, ImplicitContainer<T> timeout_ms, object name)
object QueueDequeueV2(object handle, object component_types, int timeout_ms, string name)
object QueueDequeueV2_dyn(object handle, object component_types, ImplicitContainer<T> timeout_ms, object name)
object QueueEnqueue(object handle, object components, int timeout_ms, string name)
object QueueEnqueue_dyn(object handle, object components, ImplicitContainer<T> timeout_ms, object name)
object QueueEnqueueMany(object handle, object components, int timeout_ms, string name)
object QueueEnqueueMany_dyn(object handle, object components, ImplicitContainer<T> timeout_ms, object name)
object QueueEnqueueManyV2(object handle, object components, int timeout_ms, string name)
object QueueEnqueueManyV2_dyn(object handle, object components, ImplicitContainer<T> timeout_ms, object name)
object QueueEnqueueV2(object handle, object components, int timeout_ms, string name)
object QueueEnqueueV2_dyn(object handle, object components, ImplicitContainer<T> timeout_ms, object name)
Tensor QueueIsClosed(object handle, string name)
object QueueIsClosed_dyn(object handle, object name)
Tensor QueueIsClosedV2(object handle, string name)
object QueueIsClosedV2_dyn(object handle, object name)
Tensor QueueSize(object handle, string name)
object QueueSize_dyn(object handle, object name)
Tensor QueueSizeV2(object handle, string name)
object QueueSizeV2_dyn(object handle, object name)
object RaggedGather(object params_nested_splits, object params_dense_values, object indices, object OUTPUT_RAGGED_RANK, string name)
object RaggedGather_dyn(object params_nested_splits, object params_dense_values, object indices, object OUTPUT_RAGGED_RANK, object name)
object RaggedRange(object starts, object limits, object deltas, ImplicitContainer<T> Tsplits, string name)
object RaggedRange_dyn(object starts, object limits, object deltas, ImplicitContainer<T> Tsplits, object name)
object RaggedTensorFromVariant(object encoded_ragged, object input_ragged_rank, object output_ragged_rank, object Tvalues, object Tsplits, string name)
object RaggedTensorFromVariant_dyn(object encoded_ragged, object input_ragged_rank, object output_ragged_rank, object Tvalues, object Tsplits, object name)
object RaggedTensorToSparse(object rt_nested_splits, object rt_dense_values, string name)
object RaggedTensorToSparse_dyn(object rt_nested_splits, object rt_dense_values, object name)
Tensor RaggedTensorToTensor(TensorShape shape, object values, object default_value, object row_partition_tensors, object row_partition_types, string name)
object RaggedTensorToTensor_dyn(object shape, object values, object default_value, object row_partition_tensors, object row_partition_types, object name)
Tensor RaggedTensorToVariant(object rt_nested_splits, object rt_dense_values, object batched_input, string name)
object RaggedTensorToVariant_dyn(object rt_nested_splits, object rt_dense_values, object batched_input, object name)
Tensor RandomCrop(object image, object size, int seed, int seed2, string name)
Tensor RandomDataset(object seed, object seed2, object output_types, object output_shapes, string name)
object RandomDataset_dyn(object seed, object seed2, object output_types, object output_shapes, object name)
Tensor RandomGamma(TensorShape shape, object alpha, int seed, int seed2, string name)
Tensor RandomGammaGrad(object alpha, object sample, string name)
object RandomGammaGrad_dyn(object alpha, object sample, object name)
Tensor RandomPoisson(TensorShape shape, object rate, int seed, int seed2, string name)
Tensor RandomShuffle(object value, int seed, int seed2, string name)
Tensor RandomShuffleQueue(IEnumerable<int> component_types, IEnumerable<ValueTuple<int, object, int, int>> shapes, ImplicitContainer<T> capacity, ImplicitContainer<T> min_after_dequeue, Nullable<int> seed, int seed2, string container, string shared_name, string name)
Tensor RandomShuffleQueue(IEnumerable<int> component_types, ValueTuple shapes, ImplicitContainer<T> capacity, ImplicitContainer<T> min_after_dequeue, Nullable<int> seed, int seed2, string container, string shared_name, string name)
Tensor RandomShuffleQueue(int component_types, IEnumerable<ValueTuple<int, object, int, int>> shapes, ImplicitContainer<T> capacity, ImplicitContainer<T> min_after_dequeue, Nullable<int> seed, int seed2, string container, string shared_name, string name)
Tensor RandomShuffleQueueV2(object component_types, ImplicitContainer<T> shapes, int capacity, int min_after_dequeue, int seed, int seed2, string container, string shared_name, string name)
Tensor Range(object start, object limit, object delta, string name)
object Range_dyn(object start, object limit, object delta, object name)
Tensor RangeDataset(object start, object stop, object step, object output_types, object output_shapes, string name)
object RangeDataset_dyn(object start, object stop, object step, object output_types, object output_shapes, object name)
Tensor Rank(object input, string name)
object Rank_dyn(object input, object name)
Tensor ReaderNumRecordsProduced(object reader_handle, string name)
object ReaderNumRecordsProduced_dyn(object reader_handle, object name)
Tensor ReaderNumRecordsProducedV2(object reader_handle, string name)
object ReaderNumRecordsProducedV2_dyn(object reader_handle, object name)
Tensor ReaderNumWorkUnitsCompleted(object reader_handle, string name)
object ReaderNumWorkUnitsCompleted_dyn(object reader_handle, object name)
Tensor ReaderNumWorkUnitsCompletedV2(object reader_handle, string name)
object ReaderNumWorkUnitsCompletedV2_dyn(object reader_handle, object name)
object ReaderRead(object reader_handle, object queue_handle, string name)
object ReaderRead_dyn(object reader_handle, object queue_handle, object name)
object ReaderReadUpTo(object reader_handle, object queue_handle, object num_records, string name)
object ReaderReadUpTo_dyn(object reader_handle, object queue_handle, object num_records, object name)
object ReaderReadUpToV2(object reader_handle, object queue_handle, object num_records, string name)
object ReaderReadUpToV2_dyn(object reader_handle, object queue_handle, object num_records, object name)
object ReaderReadV2(object reader_handle, object queue_handle, string name)
object ReaderReadV2_dyn(object reader_handle, object queue_handle, object name)
object ReaderReset(object reader_handle, string name)
object ReaderReset_dyn(object reader_handle, object name)
object ReaderResetV2(object reader_handle, string name)
object ReaderResetV2_dyn(object reader_handle, object name)
object ReaderRestoreState(object reader_handle, object state, string name)
object ReaderRestoreState_dyn(object reader_handle, object state, object name)
object ReaderRestoreStateV2(object reader_handle, object state, string name)
object ReaderRestoreStateV2_dyn(object reader_handle, object state, object name)
Tensor ReaderSerializeState(object reader_handle, string name)
object ReaderSerializeState_dyn(object reader_handle, object name)
Tensor ReaderSerializeStateV2(object reader_handle, string name)
object ReaderSerializeStateV2_dyn(object reader_handle, object name)
Tensor ReadFile(object filename, string name)
object ReadFile_dyn(object filename, object name)
Tensor ReadVariableOp(object resource, DType dtype, string name)
object ReadVariableOp_dyn(object resource, object dtype, object name)
Tensor RealDiv(object x, object y, string name)
object RealDiv_dyn(object x, object y, object name)
Tensor RebatchDataset(object input_dataset, object num_replicas, object output_types, object output_shapes, bool use_fallback, string name)
object RebatchDataset_dyn(object input_dataset, object num_replicas, object output_types, object output_shapes, ImplicitContainer<T> use_fallback, object name)
object Reciprocal(object x, string name)
object Reciprocal_dyn(object x, object name)
Tensor ReciprocalGrad(object y, object dy, string name)
object ReciprocalGrad_dyn(object y, object dy, object name)
IList<object> RecvTPUEmbeddingActivations(object num_outputs, object config, string name)
object RecvTPUEmbeddingActivations_dyn(object num_outputs, object config, object name)
object ReduceDataset(object input_dataset, object initial_state, object other_arguments, object f, object output_types, object output_shapes, bool use_inter_op_parallelism, string name)
object ReduceDataset_dyn(object input_dataset, object initial_state, object other_arguments, object f, object output_types, object output_shapes, ImplicitContainer<T> use_inter_op_parallelism, object name)
Tensor ReduceJoin(object inputs, object reduction_indices, bool keep_dims, string separator, string name)
object RefEnter(object data, object frame_name, bool is_constant, int parallel_iterations, string name)
object RefExit(object data, string name)
object RefExit_dyn(object data, object name)
object RefIdentity(object input, string name)
object RefIdentity_dyn(object input, object name)
object RefMerge(object inputs, string name)
object RefMerge_dyn(object inputs, object name)
object RefNextIteration(object data, string name)
object RefNextIteration_dyn(object data, object name)
object RefSelect(object index, object inputs, string name)
object RefSelect_dyn(object index, object inputs, object name)
object RefSwitch(object data, object pred, string name)
object RefSwitch_dyn(object data, object pred, object name)
Tensor RegexFullMatch(object input, object pattern, string name)
object RegexFullMatch_dyn(object input, object pattern, object name)
Tensor RegexReplace(object input, object pattern, object rewrite, bool replace_global, string name)
object RegexReplace_dyn(object input, object pattern, object rewrite, ImplicitContainer<T> replace_global, object name)
Tensor Relu(object features, string name)
object Relu_dyn(object features, object name)
Tensor Relu6(object features, string name)
object Relu6_dyn(object features, object name)
Tensor Relu6Grad(object gradients, object features, string name)
object Relu6Grad_dyn(object gradients, object features, object name)
Tensor ReluGrad(object gradients, object features, string name)
object ReluGrad_dyn(object gradients, object features, object name)
IList<object> RemoteCall(object target, IEnumerable<object> args, object Tout, object f, string name)
object RemoteCall_dyn(object target, object args, object Tout, object f, object name)
Tensor RepeatDataset(object input_dataset, object count, object output_types, object output_shapes, string name)
object RepeatDataset_dyn(object input_dataset, object count, object output_types, object output_shapes, object name)
object RequantizationRange(object input, object input_min, object input_max, string name)
object RequantizationRange_dyn(object input, object input_min, object input_max, object name)
object RequantizationRangePerChannel(object input, object input_min, object input_max, object clip_value_max, string name)
object RequantizationRangePerChannel_dyn(object input, object input_min, object input_max, object clip_value_max, object name)
object Requantize(object input, object input_min, object input_max, object requested_output_min, object requested_output_max, object out_type, string name)
object Requantize_dyn(object input, object input_min, object input_max, object requested_output_min, object requested_output_max, object out_type, object name)
object RequantizePerChannel(object input, object input_min, object input_max, object requested_output_min, object requested_output_max, ImplicitContainer<T> out_type, string name)
object RequantizePerChannel_dyn(object input, object input_min, object input_max, object requested_output_min, object requested_output_max, ImplicitContainer<T> out_type, object name)
object Reshape_dyn(object tensor, object shape, object name)
Tensor ResizeArea(object images, object size, bool align_corners, string name)
Tensor ResizeBicubic(object images, object size, bool align_corners, bool half_pixel_centers, string name)
Tensor ResizeBicubicGrad(object grads, object original_image, bool align_corners, bool half_pixel_centers, string name)
Tensor ResizeBilinear(object images, object size, bool align_corners, bool half_pixel_centers, string name)
Tensor ResizeBilinearGrad(object grads, object original_image, bool align_corners, bool half_pixel_centers, string name)
Tensor ResizeNearestNeighbor(object images, object size, bool align_corners, bool half_pixel_centers, string name)
Tensor ResizeNearestNeighborGrad(object grads, object size, bool align_corners, bool half_pixel_centers, string name)
object ResourceAccumulatorApplyGradient(object handle, object local_step, object gradient, string name)
object ResourceAccumulatorApplyGradient_dyn(object handle, object local_step, object gradient, object name)
Tensor ResourceAccumulatorNumAccumulated(object handle, string name)
object ResourceAccumulatorNumAccumulated_dyn(object handle, object name)
object ResourceAccumulatorSetGlobalStep(object handle, object new_global_step, string name)
object ResourceAccumulatorSetGlobalStep_dyn(object handle, object new_global_step, object name)
Tensor ResourceAccumulatorTakeGradient(object handle, object num_required, DType dtype, string name)
object ResourceAccumulatorTakeGradient_dyn(object handle, object num_required, object dtype, object name)
object ResourceApplyAdadelta(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, bool use_locking, string name)
object ResourceApplyAdadelta_dyn(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
object ResourceApplyAdagrad(object var, object accum, object lr, object grad, bool use_locking, bool update_slots, string name)
object ResourceApplyAdagradDA(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object lr, object l1, object l2, object global_step, bool use_locking, string name)
object ResourceApplyAdagradDA_dyn(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object lr, object l1, object l2, object global_step, ImplicitContainer<T> use_locking, object name)
object ResourceApplyAdagradV2(object var, object accum, object lr, object epsilon, object grad, bool use_locking, bool update_slots, string name)
object ResourceApplyAdam(object var, object m, object v, object beta1_power, object beta2_power, object lr, object beta1, object beta2, object epsilon, object grad, bool use_locking, bool use_nesterov, string name)
object ResourceApplyAdam_dyn(object var, object m, object v, object beta1_power, object beta2_power, object lr, object beta1, object beta2, object epsilon, object grad, ImplicitContainer<T> use_locking, ImplicitContainer<T> use_nesterov, object name)
object ResourceApplyAdaMax(object var, object m, object v, object beta1_power, object lr, object beta1, object beta2, object epsilon, object grad, bool use_locking, string name)
object ResourceApplyAdaMax_dyn(object var, object m, object v, object beta1_power, object lr, object beta1, object beta2, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
object ResourceApplyAdamWithAmsgrad(object var, object m, object v, object vhat, object beta1_power, object beta2_power, object lr, object beta1, object beta2, object epsilon, object grad, bool use_locking, string name)
object ResourceApplyAdamWithAmsgrad_dyn(object var, object m, object v, object vhat, object beta1_power, object beta2_power, object lr, object beta1, object beta2, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
object ResourceApplyAddSign(object var, object m, object lr, object alpha, object sign_decay, object beta, object grad, bool use_locking, string name)
object ResourceApplyAddSign_dyn(object var, object m, object lr, object alpha, object sign_decay, object beta, object grad, ImplicitContainer<T> use_locking, object name)
object ResourceApplyCenteredRMSProp(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, bool use_locking, string name)
object ResourceApplyCenteredRMSProp_dyn(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
object ResourceApplyFtrl(object var, object accum, object linear, object grad, object lr, object l1, object l2, object lr_power, bool use_locking, string name)
object ResourceApplyFtrl_dyn(object var, object accum, object linear, object grad, object lr, object l1, object l2, object lr_power, ImplicitContainer<T> use_locking, object name)
object ResourceApplyFtrlV2(object var, object accum, object linear, object grad, object lr, object l1, object l2, object l2_shrinkage, object lr_power, bool use_locking, string name)
object ResourceApplyFtrlV2_dyn(object var, object accum, object linear, object grad, object lr, object l1, object l2, object l2_shrinkage, object lr_power, ImplicitContainer<T> use_locking, object name)
object ResourceApplyGradientDescent(object var, object alpha, object delta, bool use_locking, string name)
object ResourceApplyGradientDescent_dyn(object var, object alpha, object delta, ImplicitContainer<T> use_locking, object name)
object ResourceApplyKerasMomentum(object var, object accum, object lr, object grad, object momentum, bool use_locking, bool use_nesterov, string name)
object ResourceApplyMomentum(object var, object accum, object lr, object grad, object momentum, bool use_locking, bool use_nesterov, string name)
object ResourceApplyPowerSign(object var, object m, object lr, object logbase, object sign_decay, object beta, object grad, bool use_locking, string name)
object ResourceApplyPowerSign_dyn(object var, object m, object lr, object logbase, object sign_decay, object beta, object grad, ImplicitContainer<T> use_locking, object name)
object ResourceApplyProximalAdagrad(object var, object accum, object lr, object l1, object l2, object grad, bool use_locking, string name)
object ResourceApplyProximalAdagrad_dyn(object var, object accum, object lr, object l1, object l2, object grad, ImplicitContainer<T> use_locking, object name)
object ResourceApplyProximalGradientDescent(object var, object alpha, object l1, object l2, object delta, bool use_locking, string name)
object ResourceApplyProximalGradientDescent_dyn(object var, object alpha, object l1, object l2, object delta, ImplicitContainer<T> use_locking, object name)
object ResourceApplyRMSProp(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, bool use_locking, string name)
object ResourceApplyRMSProp_dyn(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, ImplicitContainer<T> use_locking, object name)
Tensor ResourceConditionalAccumulator(DType dtype, TensorShape shape, string container, string shared_name, string reduction_type, string name)
Tensor ResourceCountUpTo(object resource, object limit, object T, string name)
object ResourceCountUpTo_dyn(object resource, object limit, object T, object name)
Tensor ResourceGather(object resource, object indices, DType dtype, int batch_dims, bool validate_indices, string name)
Tensor ResourceGatherNd(object resource, object indices, DType dtype, string name)
object ResourceGatherNd_dyn(object resource, object indices, object dtype, object name)
object ResourceScatterAdd(object resource, object indices, object updates, string name)
object ResourceScatterAdd_dyn(object resource, object indices, object updates, object name)
object ResourceScatterDiv(object resource, object indices, object updates, string name)
object ResourceScatterDiv_dyn(object resource, object indices, object updates, object name)
object ResourceScatterMax(object resource, object indices, object updates, string name)
object ResourceScatterMax_dyn(object resource, object indices, object updates, object name)
object ResourceScatterMin(object resource, object indices, object updates, string name)
object ResourceScatterMin_dyn(object resource, object indices, object updates, object name)
object ResourceScatterMul(object resource, object indices, object updates, string name)
object ResourceScatterMul_dyn(object resource, object indices, object updates, object name)
object ResourceScatterNdAdd(object ref, object indices, object updates, bool use_locking, string name)
object ResourceScatterNdAdd_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
object ResourceScatterNdSub(object ref, object indices, object updates, bool use_locking, string name)
object ResourceScatterNdSub_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
object ResourceScatterNdUpdate(object ref, object indices, object updates, bool use_locking, string name)
object ResourceScatterNdUpdate_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
object ResourceScatterSub(object resource, object indices, object updates, string name)
object ResourceScatterSub_dyn(object resource, object indices, object updates, object name)
object ResourceScatterUpdate(object resource, object indices, object updates, string name)
object ResourceScatterUpdate_dyn(object resource, object indices, object updates, object name)
object ResourceSparseApplyAdadelta(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, object indices, bool use_locking, string name)
object ResourceSparseApplyAdadelta_dyn(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object ResourceSparseApplyAdagrad(object var, object accum, object lr, object grad, object indices, bool use_locking, bool update_slots, string name)
object ResourceSparseApplyAdagradDA(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object indices, object lr, object l1, object l2, object global_step, bool use_locking, string name)
object ResourceSparseApplyAdagradDA_dyn(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object indices, object lr, object l1, object l2, object global_step, ImplicitContainer<T> use_locking, object name)
object ResourceSparseApplyAdagradV2(object var, object accum, object lr, object epsilon, object grad, object indices, bool use_locking, bool update_slots, string name)
object ResourceSparseApplyAdagradV2_dyn(object var, object accum, object lr, object epsilon, object grad, object indices, ImplicitContainer<T> use_locking, ImplicitContainer<T> update_slots, object name)
object ResourceSparseApplyCenteredRMSProp(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, bool use_locking, string name)
object ResourceSparseApplyCenteredRMSProp_dyn(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object ResourceSparseApplyFtrl(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object lr_power, bool use_locking, string name)
object ResourceSparseApplyFtrl_dyn(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object lr_power, ImplicitContainer<T> use_locking, object name)
object ResourceSparseApplyFtrlV2(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object l2_shrinkage, object lr_power, bool use_locking, string name)
object ResourceSparseApplyFtrlV2_dyn(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object l2_shrinkage, object lr_power, ImplicitContainer<T> use_locking, object name)
object ResourceSparseApplyKerasMomentum(object var, object accum, object lr, object grad, object indices, object momentum, bool use_locking, bool use_nesterov, string name)
object ResourceSparseApplyKerasMomentum_dyn(object var, object accum, object lr, object grad, object indices, object momentum, ImplicitContainer<T> use_locking, ImplicitContainer<T> use_nesterov, object name)
object ResourceSparseApplyMomentum(object var, object accum, object lr, object grad, object indices, object momentum, bool use_locking, bool use_nesterov, string name)
object ResourceSparseApplyMomentum_dyn(object var, object accum, object lr, object grad, object indices, object momentum, ImplicitContainer<T> use_locking, ImplicitContainer<T> use_nesterov, object name)
object ResourceSparseApplyProximalAdagrad(object var, object accum, object lr, object l1, object l2, object grad, object indices, bool use_locking, string name)
object ResourceSparseApplyProximalAdagrad_dyn(object var, object accum, object lr, object l1, object l2, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object ResourceSparseApplyProximalGradientDescent(object var, object alpha, object l1, object l2, object grad, object indices, bool use_locking, string name)
object ResourceSparseApplyProximalGradientDescent_dyn(object var, object alpha, object l1, object l2, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object ResourceSparseApplyRMSProp(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, bool use_locking, string name)
object ResourceSparseApplyRMSProp_dyn(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object ResourceStridedSliceAssign(object ref, object begin, object end, object strides, object value, int begin_mask, int end_mask, int ellipsis_mask, int new_axis_mask, int shrink_axis_mask, string name)
Tensor Restore(object file_pattern, object tensor_name, object dt, int preferred_shard, string name)
object Restore_dyn(object file_pattern, object tensor_name, object dt, ImplicitContainer<T> preferred_shard, object name)
Tensor RestoreSlice(object file_pattern, object tensor_name, object shape_and_slice, object dt, int preferred_shard, string name)
object RestoreSlice_dyn(object file_pattern, object tensor_name, object shape_and_slice, object dt, ImplicitContainer<T> preferred_shard, object name)
object RestoreV2(object prefix, object tensor_names, object shape_and_slices, object dtypes, string name)
object RestoreV2_dyn(object prefix, object tensor_names, object shape_and_slices, object dtypes, object name)
object RetrieveTPUEmbeddingAdadeltaParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingAdadeltaParametersGradAccumDebug(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingAdagradParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingAdagradParametersGradAccumDebug(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingADAMParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingADAMParametersGradAccumDebug(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingCenteredRMSPropParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingFTRLParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingFTRLParametersGradAccumDebug(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingMDLAdagradLightParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingMomentumParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingMomentumParametersGradAccumDebug(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingProximalAdagradParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingProximalAdagradParametersGradAccumDebug(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingRMSPropParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
object RetrieveTPUEmbeddingRMSPropParametersGradAccumDebug(object num_shards, object shard_id, int table_id, string table_name, string name)
Tensor RetrieveTPUEmbeddingStochasticGradientDescentParameters(object num_shards, object shard_id, int table_id, string table_name, string name)
Tensor Reverse(object tensor, object dims, string name)
object Reverse_dyn(object tensor, object dims, object name)
Tensor ReverseSequence(object input, object seq_lengths, object seq_dim, int batch_dim, string name)
object ReverseSequence_dyn(object input, object seq_lengths, object seq_dim, ImplicitContainer<T> batch_dim, object name)
Tensor ReverseV2(object tensor, object axis, string name)
object ReverseV2_dyn(object tensor, object axis, object name)
Tensor RFFT(object input, object fft_length, string name)
object RFFT_dyn(object input, object fft_length, object name)
Tensor RFFT2D(object input, object fft_length, string name)
object RFFT2D_dyn(object input, object fft_length, object name)
Tensor RFFT3D(object input, object fft_length, string name)
object RFFT3D_dyn(object input, object fft_length, object name)
Tensor RGBToHSV(object images, string name)
object RGBToHSV_dyn(object images, object name)
Tensor RightShift(object x, object y, string name)
object RightShift_dyn(object x, object y, object name)
object Rint(object x, string name)
object Rint_dyn(object x, object name)
object RngSkip(object resource, object algorithm, object delta, string name)
object RngSkip_dyn(object resource, object algorithm, object delta, object name)
Tensor Roll(object input, object shift, object axis, string name)
object Roll_dyn(object input, object shift, object axis, object name)
object Round(object x, string name)
object Round_dyn(object x, object name)
object Rsqrt(object x, string name)
object Rsqrt_dyn(object x, object name)
Tensor RsqrtGrad(object y, object dy, string name)
object RsqrtGrad_dyn(object y, object dy, object name)
object SampleDistortedBoundingBox(object image_size, object bounding_boxes, int seed, int seed2, double min_object_covered, ImplicitContainer<T> aspect_ratio_range, ImplicitContainer<T> area_range, int max_attempts, bool use_image_if_no_bounding_boxes, string name)
object SampleDistortedBoundingBoxV2(object image_size, object bounding_boxes, object min_object_covered, int seed, int seed2, ImplicitContainer<T> aspect_ratio_range, ImplicitContainer<T> area_range, int max_attempts, bool use_image_if_no_bounding_boxes, string name)
Tensor SamplingDataset(object input_dataset, object rate, object seed, object seed2, object output_types, object output_shapes, string name)
object SamplingDataset_dyn(object input_dataset, object rate, object seed, object seed2, object output_types, object output_shapes, object name)
object Save(object filename, object tensor_names, object data, string name)
object Save_dyn(object filename, object tensor_names, object data, object name)
object SaveSlices(object filename, object tensor_names, object shapes_and_slices, object data, string name)
object SaveSlices_dyn(object filename, object tensor_names, object shapes_and_slices, object data, object name)
object SaveV2(object prefix, object tensor_names, object shape_and_slices, object tensors, string name)
object SaveV2_dyn(object prefix, object tensor_names, object shape_and_slices, object tensors, object name)
Tensor ScalarSummary(object tags, object values, string name)
object ScalarSummary_dyn(object tags, object values, object name)
Tensor ScaleAndTranslate(object images, object size, object scale, object translation, string kernel_type, bool antialias, string name)
Tensor ScaleAndTranslateGrad(object grads, object original_image, object scale, object translation, string kernel_type, bool antialias, string name)
Tensor ScanDataset(object input_dataset, object initial_state, object other_arguments, object f, object output_types, object output_shapes, bool preserve_cardinality, string name)
object ScanDataset_dyn(object input_dataset, object initial_state, object other_arguments, object f, object output_types, object output_shapes, ImplicitContainer<T> preserve_cardinality, object name)
object ScatterAdd(object ref, object indices, object updates, bool use_locking, string name)
object ScatterAdd_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
Tensor ScatterDiv(object ref, object indices, object updates, bool use_locking, string name)
object ScatterDiv_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
Tensor ScatterMax(object ref, object indices, object updates, bool use_locking, string name)
object ScatterMax_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
Tensor ScatterMin(object ref, object indices, object updates, bool use_locking, string name)
object ScatterMin_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
Tensor ScatterMul(object ref, object indices, object updates, bool use_locking, string name)
object ScatterMul_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
object ScatterNd_dyn(object indices, object updates, object shape, object name)
object ScatterNdAdd(object ref, object indices, object updates, bool use_locking, string name)
object ScatterNdAdd_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
Tensor ScatterNdNonAliasingAdd(object input, object indices, object updates, string name)
object ScatterNdNonAliasingAdd_dyn(object input, object indices, object updates, object name)
object ScatterNdSub(object ref, object indices, object updates, bool use_locking, string name)
object ScatterNdSub_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
object ScatterNdUpdate(object ref, object indices, object updates, bool use_locking, string name)
object ScatterNdUpdate_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
object ScatterSub(object ref, object indices, object updates, bool use_locking, string name)
object ScatterSub_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
object ScatterUpdate(object ref, object indices, object updates, bool use_locking, string name)
object ScatterUpdate_dyn(object ref, object indices, object updates, ImplicitContainer<T> use_locking, object name)
Tensor SdcaFprint(object input, string name)
object SdcaFprint_dyn(object input, object name)
object SdcaOptimizer(object sparse_example_indices, object sparse_feature_indices, object sparse_feature_values, object dense_features, object example_weights, object example_labels, object sparse_indices, object sparse_weights, object dense_weights, object example_state_data, object loss_type, object l1, object l2, object num_loss_partitions, object num_inner_iterations, bool adaptative, string name)
object SdcaOptimizer_dyn(object sparse_example_indices, object sparse_feature_indices, object sparse_feature_values, object dense_features, object example_weights, object example_labels, object sparse_indices, object sparse_weights, object dense_weights, object example_state_data, object loss_type, object l1, object l2, object num_loss_partitions, object num_inner_iterations, ImplicitContainer<T> adaptative, object name)
object SdcaOptimizerV2(object sparse_example_indices, object sparse_feature_indices, object sparse_feature_values, object dense_features, object example_weights, object example_labels, object sparse_indices, object sparse_weights, object dense_weights, object example_state_data, object loss_type, object l1, object l2, object num_loss_partitions, object num_inner_iterations, bool adaptive, string name)
object SdcaOptimizerV2_dyn(object sparse_example_indices, object sparse_feature_indices, object sparse_feature_values, object dense_features, object example_weights, object example_labels, object sparse_indices, object sparse_weights, object dense_weights, object example_state_data, object loss_type, object l1, object l2, object num_loss_partitions, object num_inner_iterations, ImplicitContainer<T> adaptive, object name)
object SdcaShrinkL1(object weights, object l1, object l2, string name)
object SdcaShrinkL1_dyn(object weights, object l1, object l2, object name)
Tensor SegmentMax(object data, object segment_ids, string name)
object SegmentMax_dyn(object data, object segment_ids, object name)
Tensor SegmentMean(object data, object segment_ids, string name)
object SegmentMean_dyn(object data, object segment_ids, object name)
Tensor SegmentMin(object data, object segment_ids, string name)
object SegmentMin_dyn(object data, object segment_ids, object name)
Tensor SegmentProd(object data, object segment_ids, string name)
object SegmentProd_dyn(object data, object segment_ids, object name)
Tensor SegmentSum(object data, object segment_ids, string name)
object SegmentSum_dyn(object data, object segment_ids, object name)
Tensor Select(object condition, object x, object y, string name)
object Select_dyn(object condition, object x, object y, object name)
Tensor SelectV2(object condition, object t, object e, string name)
object SelectV2_dyn(object condition, object t, object e, object name)
Tensor SelfAdjointEig(object input, string name)
object SelfAdjointEig_dyn(object input, object name)
object SelfAdjointEigV2(object input, bool compute_v, string name)
Tensor Selu(object features, string name)
object Selu_dyn(object features, object name)
Tensor SeluGrad(object gradients, object outputs, string name)
object SeluGrad_dyn(object gradients, object outputs, object name)
object SendTPUEmbeddingGradients(object inputs, object learning_rates, object config, string name)
object SendTPUEmbeddingGradients_dyn(object inputs, object learning_rates, object config, object name)
Tensor SerializeIterator(object resource_handle, string name)
object SerializeIterator_dyn(object resource_handle, object name)
Tensor SerializeManySparse(object sparse_indices, object sparse_values, object sparse_shape, ImplicitContainer<T> out_type, string name)
object SerializeManySparse_dyn(object sparse_indices, object sparse_values, object sparse_shape, ImplicitContainer<T> out_type, object name)
Tensor SerializeSparse(object sparse_indices, object sparse_values, object sparse_shape, ImplicitContainer<T> out_type, string name)
object SerializeSparse_dyn(object sparse_indices, object sparse_values, object sparse_shape, ImplicitContainer<T> out_type, object name)
Tensor SerializeTensor(object tensor, string name)
object SerializeTensor_dyn(object tensor, object name)
Tensor SetSize(object set_indices, object set_values, object set_shape, bool validate_indices, string name)
object SetSize_dyn(object set_indices, object set_values, object set_shape, ImplicitContainer<T> validate_indices, object name)
Tensor SetStatsAggregatorDataset(object input_dataset, object stats_aggregator, object tag, object counter_prefix, object output_types, object output_shapes, string name)
object SetStatsAggregatorDataset_dyn(object input_dataset, object stats_aggregator, object tag, object counter_prefix, object output_types, object output_shapes, object name)
Tensor ShardDataset(object input_dataset, object num_shards, object index, object output_types, object output_shapes, bool require_non_empty, string name)
object ShardDataset_dyn(object input_dataset, object num_shards, object index, object output_types, object output_shapes, ImplicitContainer<T> require_non_empty, object name)
Tensor ShardedFilename(object basename, object shard, object num_shards, string name)
object ShardedFilename_dyn(object basename, object shard, object num_shards, object name)
Tensor ShardedFilespec(object basename, object num_shards, string name)
object ShardedFilespec_dyn(object basename, object num_shards, object name)
Tensor ShuffleAndRepeatDataset(object input_dataset, object buffer_size, object seed, object seed2, object count, object output_types, object output_shapes, string name)
object ShuffleAndRepeatDataset_dyn(object input_dataset, object buffer_size, object seed, object seed2, object count, object output_types, object output_shapes, object name)
Tensor ShuffleDataset(object input_dataset, object buffer_size, object seed, object seed2, object output_types, object output_shapes, bool reshuffle_each_iteration, string name)
object ShuffleDataset_dyn(object input_dataset, object buffer_size, object seed, object seed2, object output_types, object output_shapes, ImplicitContainer<T> reshuffle_each_iteration, object name)
Tensor ShuffleDatasetV2(object input_dataset, object buffer_size, object seed_generator, object output_types, object output_shapes, string name)
object ShuffleDatasetV2_dyn(object input_dataset, object buffer_size, object seed_generator, object output_types, object output_shapes, object name)
object ShutdownDistributedTPU(string name)
object ShutdownDistributedTPU_dyn(object name)
object Sigmoid(object x, string name)
object Sigmoid_dyn(object x, object name)
Tensor SigmoidGrad(object y, object dy, string name)
object SigmoidGrad_dyn(object y, object dy, object name)
object Sign(object x, string name)
object Sign_dyn(object x, object name)
object Sin(object x, string name)
object Sin_dyn(object x, object name)
object Sinh(object x, string name)
object Sinh_dyn(object x, object name)
Tensor SkipDataset(object input_dataset, object count, object output_types, object output_shapes, string name)
object SkipDataset_dyn(object input_dataset, object count, object output_types, object output_shapes, object name)
Tensor SleepDataset(object input_dataset, object sleep_microseconds, object output_types, object output_shapes, string name)
object SleepDataset_dyn(object input_dataset, object sleep_microseconds, object output_types, object output_shapes, object name)
Tensor Slice(object input, object begin, object size, string name)
object Slice_dyn(object input, object begin, object size, object name)
Tensor SlidingWindowDataset(object input_dataset, object window_size, object window_shift, object window_stride, object output_types, object output_shapes, string name)
object SlidingWindowDataset_dyn(object input_dataset, object window_size, object window_shift, object window_stride, object output_types, object output_shapes, object name)
Tensor Snapshot(object input, string name)
object Snapshot_dyn(object input, object name)
Tensor SnapshotDataset(object input_dataset, object path, object output_types, object output_shapes, string compression, string reader_path_prefix, string writer_path_prefix, ImplicitContainer<T> shard_size_bytes, int pending_snapshot_expiry_seconds, int num_reader_threads, int reader_buffer_size, int num_writer_threads, int writer_buffer_size, string name)
Tensor Softmax(object logits, string name)
object Softmax_dyn(object logits, object name)
object SoftmaxCrossEntropyWithLogits(object features, object labels, string name)
object SoftmaxCrossEntropyWithLogits_dyn(object features, object labels, object name)
Tensor Softplus(object features, string name)
object Softplus_dyn(object features, object name)
Tensor SoftplusGrad(object gradients, object features, string name)
object SoftplusGrad_dyn(object gradients, object features, object name)
Tensor Softsign(object features, string name)
object Softsign_dyn(object features, object name)
Tensor SoftsignGrad(object gradients, object features, string name)
object SoftsignGrad_dyn(object gradients, object features, object name)
Tensor SpaceToBatch(object input, object paddings, object block_size, string name)
object SpaceToBatch_dyn(object input, object paddings, object block_size, object name)
Tensor SpaceToBatchND(object input, object block_shape, object paddings, string name)
object SpaceToBatchND_dyn(object input, object block_shape, object paddings, object name)
Tensor SpaceToDepth(object input, object block_size, string data_format, string name)
object SpaceToDepth_dyn(object input, object block_size, ImplicitContainer<T> data_format, object name)
object SparseAccumulatorApplyGradient(object handle, object local_step, object gradient_indices, object gradient_values, object gradient_shape, object has_known_shape, string name)
object SparseAccumulatorApplyGradient_dyn(object handle, object local_step, object gradient_indices, object gradient_values, object gradient_shape, object has_known_shape, object name)
object SparseAccumulatorTakeGradient(object handle, object num_required, DType dtype, string name)
object SparseAccumulatorTakeGradient_dyn(object handle, object num_required, object dtype, object name)
object SparseAdd(object a_indices, object a_values, object a_shape, object b_indices, object b_values, object b_shape, object thresh, string name)
object SparseAdd_dyn(object a_indices, object a_values, object a_shape, object b_indices, object b_values, object b_shape, object thresh, object name)
object SparseAddGrad(object backprop_val_grad, object a_indices, object b_indices, object sum_indices, string name)
object SparseAddGrad_dyn(object backprop_val_grad, object a_indices, object b_indices, object sum_indices, object name)
object SparseApplyAdadelta(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, object indices, bool use_locking, string name)
object SparseApplyAdadelta_dyn(object var, object accum, object accum_update, object lr, object rho, object epsilon, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object SparseApplyAdagrad(object var, object accum, object lr, object grad, object indices, bool use_locking, bool update_slots, string name)
object SparseApplyAdagradDA(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object indices, object lr, object l1, object l2, object global_step, bool use_locking, string name)
object SparseApplyAdagradDA_dyn(object var, object gradient_accumulator, object gradient_squared_accumulator, object grad, object indices, object lr, object l1, object l2, object global_step, ImplicitContainer<T> use_locking, object name)
object SparseApplyAdagradV2(object var, object accum, object lr, object epsilon, object grad, object indices, bool use_locking, bool update_slots, string name)
object SparseApplyCenteredRMSProp(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, bool use_locking, string name)
object SparseApplyCenteredRMSProp_dyn(object var, object mg, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object SparseApplyFtrl(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object lr_power, bool use_locking, string name)
object SparseApplyFtrl_dyn(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object lr_power, ImplicitContainer<T> use_locking, object name)
object SparseApplyFtrlV2(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object l2_shrinkage, object lr_power, bool use_locking, string name)
object SparseApplyFtrlV2_dyn(object var, object accum, object linear, object grad, object indices, object lr, object l1, object l2, object l2_shrinkage, object lr_power, ImplicitContainer<T> use_locking, object name)
object SparseApplyMomentum(object var, object accum, object lr, object grad, object indices, object momentum, bool use_locking, bool use_nesterov, string name)
Tensor SparseApplyProximalAdagrad(object var, object accum, object lr, object l1, object l2, object grad, object indices, bool use_locking, string name)
object SparseApplyProximalAdagrad_dyn(object var, object accum, object lr, object l1, object l2, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object SparseApplyProximalGradientDescent(object var, object alpha, object l1, object l2, object grad, object indices, bool use_locking, string name)
object SparseApplyProximalGradientDescent_dyn(object var, object alpha, object l1, object l2, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object SparseApplyRMSProp(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, bool use_locking, string name)
object SparseApplyRMSProp_dyn(object var, object ms, object mom, object lr, object rho, object momentum, object epsilon, object grad, object indices, ImplicitContainer<T> use_locking, object name)
object SparseConcat(object indices, object values, object shapes, object concat_dim, string name)
object SparseConcat_dyn(object indices, object values, object shapes, object concat_dim, object name)
Tensor SparseConditionalAccumulator(DType dtype, IEnumerable<Nullable<int>> shape, string container, string shared_name, string reduction_type, string name)
Tensor SparseConditionalAccumulator(DType dtype, ValueTuple shape, string container, string shared_name, string reduction_type, string name)
Tensor SparseConditionalAccumulator(DType dtype, TensorShape shape, string container, string shared_name, string reduction_type, string name)
object SparseCross(object indices, object values, object shapes, object dense_inputs, object hashed_output, object num_buckets, object hash_key, object out_type, object internal_type, string name)
object SparseCross_dyn(object indices, object values, object shapes, object dense_inputs, object hashed_output, object num_buckets, object hash_key, object out_type, object internal_type, object name)
Tensor SparseDenseCwiseAdd(object sp_indices, object sp_values, object sp_shape, object dense, string name)
object SparseDenseCwiseAdd_dyn(object sp_indices, object sp_values, object sp_shape, object dense, object name)
Tensor SparseDenseCwiseDiv(object sp_indices, object sp_values, object sp_shape, object dense, string name)
object SparseDenseCwiseDiv_dyn(object sp_indices, object sp_values, object sp_shape, object dense, object name)
Tensor SparseDenseCwiseMul(object sp_indices, object sp_values, object sp_shape, object dense, string name)
object SparseDenseCwiseMul_dyn(object sp_indices, object sp_values, object sp_shape, object dense, object name)
object SparseFillEmptyRows(object indices, object values, object dense_shape, object default_value, string name)
object SparseFillEmptyRows_dyn(object indices, object values, object dense_shape, object default_value, object name)
object SparseFillEmptyRowsGrad(object reverse_index_map, object grad_values, string name)
object SparseFillEmptyRowsGrad_dyn(object reverse_index_map, object grad_values, object name)
Tensor SparseMatMul(object a, object b, bool transpose_a, bool transpose_b, bool a_is_sparse, bool b_is_sparse, string name)
Tensor SparseReduceMax(object input_indices, object input_values, object input_shape, object reduction_axes, bool keep_dims, string name)
object SparseReduceMax_dyn(object input_indices, object input_values, object input_shape, object reduction_axes, ImplicitContainer<T> keep_dims, object name)
object SparseReduceMaxSparse(object input_indices, object input_values, object input_shape, object reduction_axes, bool keep_dims, string name)
object SparseReduceMaxSparse_dyn(object input_indices, object input_values, object input_shape, object reduction_axes, ImplicitContainer<T> keep_dims, object name)
Tensor SparseReduceSum(object input_indices, object input_values, object input_shape, object reduction_axes, bool keep_dims, string name)
object SparseReduceSum_dyn(object input_indices, object input_values, object input_shape, object reduction_axes, ImplicitContainer<T> keep_dims, object name)
object SparseReduceSumSparse(object input_indices, object input_values, object input_shape, object reduction_axes, bool keep_dims, string name)
object SparseReduceSumSparse_dyn(object input_indices, object input_values, object input_shape, object reduction_axes, ImplicitContainer<T> keep_dims, object name)
object SparseReorder(object input_indices, object input_values, object input_shape, string name)
object SparseReorder_dyn(object input_indices, object input_values, object input_shape, object name)
object SparseReshape(object input_indices, object input_shape, object new_shape, string name)
object SparseReshape_dyn(object input_indices, object input_shape, object new_shape, object name)
Tensor SparseSegmentMean(object data, object indices, object segment_ids, string name)
object SparseSegmentMean_dyn(object data, object indices, object segment_ids, object name)
Tensor SparseSegmentMeanGrad(object grad, object indices, object segment_ids, object output_dim0, string name)
object SparseSegmentMeanGrad_dyn(object grad, object indices, object segment_ids, object output_dim0, object name)
Tensor SparseSegmentMeanWithNumSegments(object data, object indices, object segment_ids, object num_segments, string name)
object SparseSegmentMeanWithNumSegments_dyn(object data, object indices, object segment_ids, object num_segments, object name)
Tensor SparseSegmentSqrtN(object data, object indices, object segment_ids, string name)
object SparseSegmentSqrtN_dyn(object data, object indices, object segment_ids, object name)
Tensor SparseSegmentSqrtNGrad(object grad, object indices, object segment_ids, object output_dim0, string name)
object SparseSegmentSqrtNGrad_dyn(object grad, object indices, object segment_ids, object output_dim0, object name)
Tensor SparseSegmentSqrtNWithNumSegments(object data, object indices, object segment_ids, object num_segments, string name)
object SparseSegmentSqrtNWithNumSegments_dyn(object data, object indices, object segment_ids, object num_segments, object name)
Tensor SparseSegmentSum(object data, object indices, object segment_ids, string name)
object SparseSegmentSum_dyn(object data, object indices, object segment_ids, object name)
Tensor SparseSegmentSumWithNumSegments(object data, object indices, object segment_ids, object num_segments, string name)
object SparseSegmentSumWithNumSegments_dyn(object data, object indices, object segment_ids, object num_segments, object name)
object SparseSlice(object indices, object values, TensorShape shape, object start, object size, string name)
object SparseSlice_dyn(object indices, object values, object shape, object start, object size, object name)
Tensor SparseSliceGrad(object backprop_val_grad, object input_indices, object input_start, object output_indices, string name)
object SparseSliceGrad_dyn(object backprop_val_grad, object input_indices, object input_start, object output_indices, object name)
Tensor SparseSoftmax(object sp_indices, object sp_values, object sp_shape, string name)
object SparseSoftmax_dyn(object sp_indices, object sp_values, object sp_shape, object name)
object SparseSoftmaxCrossEntropyWithLogits(object features, object labels, string name)
object SparseSoftmaxCrossEntropyWithLogits_dyn(object features, object labels, object name)
object SparseSparseMaximum(object a_indices, object a_values, object a_shape, object b_indices, object b_values, object b_shape, string name)
object SparseSparseMaximum_dyn(object a_indices, object a_values, object a_shape, object b_indices, object b_values, object b_shape, object name)
object SparseSparseMinimum(object a_indices, object a_values, object a_shape, object b_indices, object b_values, object b_shape, string name)
object SparseSparseMinimum_dyn(object a_indices, object a_values, object a_shape, object b_indices, object b_values, object b_shape, object name)
object SparseSplit(object split_dim, object indices, object values, TensorShape shape, object num_split, string name)
object SparseSplit_dyn(object split_dim, object indices, object values, object shape, object num_split, object name)
Tensor SparseTensorDenseAdd(object a_indices, object a_values, object a_shape, object b, string name)
object SparseTensorDenseAdd_dyn(object a_indices, object a_values, object a_shape, object b, object name)
Tensor SparseTensorDenseMatMul(object a_indices, object a_values, object a_shape, object b, bool adjoint_a, bool adjoint_b, string name)
Tensor SparseTensorSliceDataset(object indices, object values, object dense_shape, string name)
object SparseTensorSliceDataset_dyn(object indices, object values, object dense_shape, object name)
Tensor SparseToDense(object sparse_indices, object output_shape, object sparse_values, object default_value, bool validate_indices, string name)
object SparseToDense_dyn(object sparse_indices, object output_shape, object sparse_values, object default_value, ImplicitContainer<T> validate_indices, object name)
object SparseToSparseSetOperation(object set1_indices, object set1_values, object set1_shape, object set2_indices, object set2_values, object set2_shape, object set_operation, bool validate_indices, string name)
object SparseToSparseSetOperation_dyn(object set1_indices, object set1_values, object set1_shape, object set2_indices, object set2_values, object set2_shape, object set_operation, ImplicitContainer<T> validate_indices, object name)
object Split(object axis, object value, object num_split, string name)
object Split_dyn(object axis, object value, object num_split, object name)
object SplitV(object value, object size_splits, object axis, object num_split, string name)
object SplitV_dyn(object value, object size_splits, object axis, object num_split, object name)
Tensor SqlDataset(object driver_name, object data_source_name, object query, object output_types, object output_shapes, string name)
object SqlDataset_dyn(object driver_name, object data_source_name, object query, object output_types, object output_shapes, object name)
object Sqrt(object x, string name)
object Sqrt_dyn(object x, object name)
Tensor SqrtGrad(object y, object dy, string name)
object SqrtGrad_dyn(object y, object dy, object name)
object Square(object x, string name)
object Square_dyn(object x, object name)
object SquaredDifference(object x, object y, string name)
object SquaredDifference_dyn(object x, object y, object name)
Tensor Stack(object elem_type, string stack_name, string name)
object StackClose(object handle, string name)
object StackClose_dyn(object handle, object name)
object StackCloseV2(object handle, string name)
object StackCloseV2_dyn(object handle, object name)
Tensor StackPop(object handle, object elem_type, string name)
object StackPop_dyn(object handle, object elem_type, object name)
Tensor StackPopV2(object handle, object elem_type, string name)
object StackPopV2_dyn(object handle, object elem_type, object name)
Tensor StackPush(object handle, object elem, bool swap_memory, string name)
Tensor StackPushV2(object handle, object elem, bool swap_memory, string name)
Tensor StackV2(object max_size, object elem_type, string stack_name, string name)
object Stage(object values, int capacity, int memory_limit, string container, string shared_name, string name)
object StageClear(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object StagePeek(object index, object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
Tensor StageSize(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
object StatefulPartitionedCall(IEnumerable<object> args, object Tout, object f, string config, string config_proto, string executor_type, string name)
object StatefulRandomBinomial_dyn(object resource, object algorithm, object shape, object counts, object probs, ImplicitContainer<T> dtype, object name)
object StatefulStandardNormal_dyn(object resource, object shape, ImplicitContainer<T> dtype, object name)
object StatefulStandardNormalV2_dyn(object resource, object algorithm, object shape, ImplicitContainer<T> dtype, object name)
object StatefulTruncatedNormal_dyn(object resource, object algorithm, object shape, ImplicitContainer<T> dtype, object name)
object StatelessIf(object cond, object input, object Tout, object then_branch, object else_branch, ImplicitContainer<T> output_shapes, string name)
object StatelessIf_dyn(object cond, object input, object Tout, object then_branch, object else_branch, ImplicitContainer<T> output_shapes, object name)
object StatelessMultinomial_dyn(object logits, object num_samples, object seed, ImplicitContainer<T> output_dtype, object name)
object StatelessRandomNormal_dyn(object shape, object seed, ImplicitContainer<T> dtype, object name)
object StatelessTruncatedNormal_dyn(object shape, object seed, ImplicitContainer<T> dtype, object name)
IList<object> StatelessWhile(object input, object cond, object body, ImplicitContainer<T> output_shapes, int parallel_iterations, string name)
Tensor StaticRegexFullMatch(object input, object pattern, string name)
object StaticRegexFullMatch_dyn(object input, object pattern, object name)
Tensor StaticRegexReplace(object input, object pattern, object rewrite, bool replace_global, string name)
object StaticRegexReplace_dyn(object input, object pattern, object rewrite, ImplicitContainer<T> replace_global, object name)
Tensor StatsAggregatorHandle(string container, string shared_name, string name)
Tensor StatsAggregatorHandleV2(string container, string shared_name, string name)
object StatsAggregatorSetSummaryWriter(object stats_aggregator, object summary, string name)
object StatsAggregatorSetSummaryWriter_dyn(object stats_aggregator, object summary, object name)
Tensor StatsAggregatorSummary(object iterator, string name)
object StatsAggregatorSummary_dyn(object iterator, object name)
Tensor StopGradient(object input, string name)
object StopGradient_dyn(object input, object name)
Tensor StridedSlice(object input, object begin, object end, object strides, int begin_mask, int end_mask, int ellipsis_mask, int new_axis_mask, int shrink_axis_mask, string name)
Tensor StridedSliceAssign(object ref, object begin, object end, object strides, object value, int begin_mask, int end_mask, int ellipsis_mask, int new_axis_mask, int shrink_axis_mask, string name)
Tensor StridedSliceGrad(TensorShape shape, object begin, object end, object strides, object dy, int begin_mask, int end_mask, int ellipsis_mask, int new_axis_mask, int shrink_axis_mask, string name)
Tensor StringJoin(object inputs, string separator, string name)
Tensor StringLength(object input, string unit, string name)
Tensor StringLower(object input, string encoding, string name)
object StringNGrams(object data, object data_splits, object separator, object ngram_widths, object left_pad, object right_pad, object pad_width, object preserve_short_sequences, string name)
object StringNGrams_dyn(object data, object data_splits, object separator, object ngram_widths, object left_pad, object right_pad, object pad_width, object preserve_short_sequences, object name)
object StringSplit(object input, object delimiter, bool skip_empty, string name)
object StringSplit_dyn(object input, object delimiter, ImplicitContainer<T> skip_empty, object name)
object StringSplitV2(object input, object sep, int maxsplit, string name)
Tensor StringStrip(object input, string name)
object StringStrip_dyn(object input, object name)
Tensor StringToHashBucket(object string_tensor, object num_buckets, string name)
object StringToHashBucket_dyn(object string_tensor, object num_buckets, object name)
Tensor StringToHashBucketFast(object input, object num_buckets, string name)
object StringToHashBucketFast_dyn(object input, object num_buckets, object name)
Tensor StringToHashBucketStrong(object input, object num_buckets, object key, string name)
object StringToHashBucketStrong_dyn(object input, object num_buckets, object key, object name)
Tensor StringUpper(object input, string encoding, string name)
object Sub(object x, object y, string name)
object Sub_dyn(object x, object y, object name)
Tensor Substr(object input, object pos, object len, string unit, string name)
Tensor Sum(object input, object axis, bool keep_dims, string name)
Tensor SummaryWriter(string shared_name, string container, string name)
object Svd(object input, bool compute_uv, bool full_matrices, string name)
object Switch(object data, object pred, string name)
object Switch_dyn(object data, object pred, object name)
IList<object> SymbolicGradient(object input, object Tout, object f, string name)
object SymbolicGradient_dyn(object input, object Tout, object f, object name)
Tensor TakeDataset(object input_dataset, object count, object output_types, object output_shapes, string name)
object TakeDataset_dyn(object input_dataset, object count, object output_types, object output_shapes, object name)
object TakeManySparseFromTensorsMap(object sparse_handles, DType dtype, string container, string shared_name, string name)
Tensor TakeWhileDataset(object input_dataset, object other_arguments, object predicate, object output_types, object output_shapes, string name)
object TakeWhileDataset_dyn(object input_dataset, object other_arguments, object predicate, object output_types, object output_shapes, object name)
object Tan(object x, string name)
object Tan_dyn(object x, object name)
object Tanh(object x, string name)
object Tanh_dyn(object x, object name)
Tensor TanhGrad(object y, object dy, string name)
object TanhGrad_dyn(object y, object dy, object name)
object TemporaryVariable(TensorShape shape, DType dtype, string var_name, string name)
object TemporaryVariable_dyn(object shape, object dtype, ImplicitContainer<T> var_name, object name)
Tensor TensorArray(object size, DType dtype, bool dynamic_size, bool clear_after_read, string tensor_array_name, object element_shape, string name)
object TensorArrayClose(object handle, string name)
object TensorArrayClose_dyn(object handle, object name)
object TensorArrayCloseV2(object handle, string name)
object TensorArrayCloseV2_dyn(object handle, object name)
object TensorArrayCloseV3(object handle, string name)
object TensorArrayCloseV3_dyn(object handle, object name)
object TensorArrayConcat(object handle, object flow_in, DType dtype, object element_shape_except0, string name)
object TensorArrayConcat_dyn(object handle, object flow_in, object dtype, object element_shape_except0, object name)
object TensorArrayConcatV2(object handle, object flow_in, DType dtype, object element_shape_except0, string name)
object TensorArrayConcatV2_dyn(object handle, object flow_in, object dtype, object element_shape_except0, object name)
object TensorArrayConcatV3(object handle, object flow_in, DType dtype, object element_shape_except0, string name)
object TensorArrayConcatV3_dyn(object handle, object flow_in, object dtype, object element_shape_except0, object name)
Tensor TensorArrayGather(object handle, object indices, object flow_in, DType dtype, object element_shape, string name)
object TensorArrayGather_dyn(object handle, object indices, object flow_in, object dtype, object element_shape, object name)
Tensor TensorArrayGatherV2(object handle, object indices, object flow_in, DType dtype, object element_shape, string name)
object TensorArrayGatherV2_dyn(object handle, object indices, object flow_in, object dtype, object element_shape, object name)
Tensor TensorArrayGatherV3(object handle, object indices, object flow_in, DType dtype, object element_shape, string name)
object TensorArrayGatherV3_dyn(object handle, object indices, object flow_in, object dtype, object element_shape, object name)
Tensor TensorArrayGrad(object handle, object flow_in, object source, string name)
object TensorArrayGrad_dyn(object handle, object flow_in, object source, object name)
Tensor TensorArrayGradV2(object handle, object flow_in, object source, string name)
object TensorArrayGradV2_dyn(object handle, object flow_in, object source, object name)
object TensorArrayGradV3(object handle, object flow_in, object source, string name)
object TensorArrayGradV3_dyn(object handle, object flow_in, object source, object name)
object TensorArrayGradWithShape(object handle, object flow_in, object shape_to_prepend, object source, string name)
object TensorArrayGradWithShape_dyn(object handle, object flow_in, object shape_to_prepend, object source, object name)
Tensor TensorArrayPack(object handle, object flow_in, DType dtype, object element_shape, string name)
object TensorArrayPack_dyn(object handle, object flow_in, object dtype, object element_shape, object name)
Tensor TensorArrayRead(object handle, object index, object flow_in, DType dtype, string name)
object TensorArrayRead_dyn(object handle, object index, object flow_in, object dtype, object name)
Tensor TensorArrayReadV2(object handle, object index, object flow_in, DType dtype, string name)
object TensorArrayReadV2_dyn(object handle, object index, object flow_in, object dtype, object name)
Tensor TensorArrayReadV3(object handle, object index, object flow_in, DType dtype, string name)
object TensorArrayReadV3_dyn(object handle, object index, object flow_in, object dtype, object name)
Tensor TensorArrayScatter(object handle, object indices, object value, object flow_in, string name)
object TensorArrayScatter_dyn(object handle, object indices, object value, object flow_in, object name)
Tensor TensorArrayScatterV2(object handle, object indices, object value, object flow_in, string name)
object TensorArrayScatterV2_dyn(object handle, object indices, object value, object flow_in, object name)
Tensor TensorArrayScatterV3(object handle, object indices, object value, object flow_in, string name)
object TensorArrayScatterV3_dyn(object handle, object indices, object value, object flow_in, object name)
Tensor TensorArraySize(object handle, object flow_in, string name)
object TensorArraySize_dyn(object handle, object flow_in, object name)
Tensor TensorArraySizeV2(object handle, object flow_in, string name)
object TensorArraySizeV2_dyn(object handle, object flow_in, object name)
Tensor TensorArraySizeV3(object handle, object flow_in, string name)
object TensorArraySizeV3_dyn(object handle, object flow_in, object name)
Tensor TensorArraySplit(object handle, object value, object lengths, object flow_in, string name)
object TensorArraySplit_dyn(object handle, object value, object lengths, object flow_in, object name)
Tensor TensorArraySplitV2(object handle, object value, object lengths, object flow_in, string name)
object TensorArraySplitV2_dyn(object handle, object value, object lengths, object flow_in, object name)
Tensor TensorArraySplitV3(object handle, object value, object lengths, object flow_in, string name)
object TensorArraySplitV3_dyn(object handle, object value, object lengths, object flow_in, object name)
Tensor TensorArrayUnpack(object handle, object value, object flow_in, string name)
object TensorArrayUnpack_dyn(object handle, object value, object flow_in, object name)
Tensor TensorArrayV2(object size, DType dtype, object element_shape, bool dynamic_size, bool clear_after_read, string tensor_array_name, string name)
object TensorArrayV3(object size, DType dtype, object element_shape, bool dynamic_size, bool clear_after_read, bool identical_element_shapes, string tensor_array_name, string name)
Tensor TensorArrayWrite(object handle, object index, object value, object flow_in, string name)
object TensorArrayWrite_dyn(object handle, object index, object value, object flow_in, object name)
Tensor TensorArrayWriteV2(object handle, object index, object value, object flow_in, string name)
object TensorArrayWriteV2_dyn(object handle, object index, object value, object flow_in, object name)
Tensor TensorArrayWriteV3(object handle, object index, object value, object flow_in, string name)
object TensorArrayWriteV3_dyn(object handle, object index, object value, object flow_in, object name)
Tensor TensorDataset(object components, object output_shapes, string name)
object TensorDataset_dyn(object components, object output_shapes, object name)
object TensorListConcat(object input_handle, object element_dtype, object element_shape, string name)
object TensorListConcat_dyn(object input_handle, object element_dtype, object element_shape, object name)
Tensor TensorListConcatLists(object input_a, object input_b, object element_dtype, string name)
object TensorListConcatLists_dyn(object input_a, object input_b, object element_dtype, object name)
object TensorListConcatV2(object input_handle, object element_shape, object leading_dims, object element_dtype, string name)
object TensorListConcatV2_dyn(object input_handle, object element_shape, object leading_dims, object element_dtype, object name)
Tensor TensorListElementShape(object input_handle, object shape_type, string name)
object TensorListElementShape_dyn(object input_handle, object shape_type, object name)
Tensor TensorListFromTensor(object tensor, object element_shape, string name)
object TensorListFromTensor_dyn(object tensor, object element_shape, object name)
Tensor TensorListGather(object input_handle, object indices, object element_shape, object element_dtype, string name)
object TensorListGather_dyn(object input_handle, object indices, object element_shape, object element_dtype, object name)
Tensor TensorListGetItem(object input_handle, object index, object element_shape, object element_dtype, string name)
object TensorListGetItem_dyn(object input_handle, object index, object element_shape, object element_dtype, object name)
Tensor TensorListLength(object input_handle, string name)
object TensorListLength_dyn(object input_handle, object name)
object TensorListPopBack(object input_handle, object element_shape, object element_dtype, string name)
object TensorListPopBack_dyn(object input_handle, object element_shape, object element_dtype, object name)
Tensor TensorListPushBack(object input_handle, object tensor, string name)
object TensorListPushBack_dyn(object input_handle, object tensor, object name)
Tensor TensorListPushBackBatch(object input_handles, object tensor, string name)
object TensorListPushBackBatch_dyn(object input_handles, object tensor, object name)
Tensor TensorListReserve(object element_shape, object num_elements, object element_dtype, string name)
object TensorListReserve_dyn(object element_shape, object num_elements, object element_dtype, object name)
Tensor TensorListResize(object input_handle, object size, string name)
object TensorListResize_dyn(object input_handle, object size, object name)
Tensor TensorListScatter(object tensor, object indices, object element_shape, string name)
object TensorListScatter_dyn(object tensor, object indices, object element_shape, object name)
Tensor TensorListScatterIntoExistingList(object input_handle, object tensor, object indices, string name)
object TensorListScatterIntoExistingList_dyn(object input_handle, object tensor, object indices, object name)
Tensor TensorListScatterV2(object tensor, object indices, object element_shape, object num_elements, string name)
object TensorListScatterV2_dyn(object tensor, object indices, object element_shape, object num_elements, object name)
Tensor TensorListSetItem(object input_handle, object index, object item, string name)
object TensorListSetItem_dyn(object input_handle, object index, object item, object name)
Tensor TensorListSplit(object tensor, object element_shape, object lengths, string name)
object TensorListSplit_dyn(object tensor, object element_shape, object lengths, object name)
Tensor TensorListStack(object input_handle, object element_shape, object element_dtype, int num_elements, string name)
object TensorListStack_dyn(object input_handle, object element_shape, object element_dtype, ImplicitContainer<T> num_elements, object name)
Tensor TensorScatterAdd(object tensor, object indices, object updates, string name)
object TensorScatterAdd_dyn(object tensor, object indices, object updates, object name)
Tensor TensorScatterSub(object tensor, object indices, object updates, string name)
object TensorScatterSub_dyn(object tensor, object indices, object updates, object name)
Tensor TensorScatterUpdate(object tensor, object indices, object updates, string name)
object TensorScatterUpdate_dyn(object tensor, object indices, object updates, object name)
Tensor TensorSliceDataset(object components, object output_shapes, string name)
object TensorSliceDataset_dyn(object components, object output_shapes, object name)
Tensor TensorStridedSliceUpdate(object input, object begin, object end, object strides, object value, int begin_mask, int end_mask, int ellipsis_mask, int new_axis_mask, int shrink_axis_mask, string name)
Tensor TensorSummaryV2(object tag, object tensor, object serialized_summary_metadata, string name)
object TensorSummaryV2_dyn(object tag, object tensor, object serialized_summary_metadata, object name)
Tensor TextLineDataset(object filenames, object compression_type, object buffer_size, string name)
object TextLineDataset_dyn(object filenames, object compression_type, object buffer_size, object name)
Tensor TextLineReader(Nullable<int> skip_header_lines, string container, string shared_name, string name)
Tensor TextLineReaderV2(int skip_header_lines, string container, string shared_name, string name)
Tensor TFRecordDataset(object filenames, object compression_type, object buffer_size, string name)
object TFRecordDataset_dyn(object filenames, object compression_type, object buffer_size, object name)
Tensor TFRecordReader(string container, string shared_name, string compression_type, string name)
Tensor TFRecordReaderV2(string container, string shared_name, string compression_type, string name)
Tensor ThreadPoolDataset(object input_dataset, object thread_pool, object output_types, object output_shapes, string name)
object ThreadPoolDataset_dyn(object input_dataset, object thread_pool, object output_types, object output_shapes, object name)
Tensor ThreadPoolHandle(object num_threads, object display_name, int max_intra_op_parallelism, string container, string shared_name, string name)
object ThreadUnsafeUnigramCandidateSampler(object true_classes, object num_true, object num_sampled, object unique, object range_max, int seed, int seed2, string name)
object ThreadUnsafeUnigramCandidateSampler_dyn(object true_classes, object num_true, object num_sampled, object unique, object range_max, ImplicitContainer<T> seed, ImplicitContainer<T> seed2, object name)
Tensor Tile(object input, object multiples, string name)
object Tile_dyn(object input, object multiples, object name)
Tensor TileGrad(object input, object multiples, string name)
object TileGrad_dyn(object input, object multiples, object name)
object Timestamp_dyn(object name)
object TopK(object input, object k, bool sorted, string name)
object TopKV2(object input, object k, bool sorted, string name)
Tensor TPUCompilationResult(string name)
object TPUCompilationResult_dyn(object name)
Tensor TPUEmbeddingActivations(object embedding_variable, object sliced_activations, object table_id, object lookup_id, string name)
object TPUEmbeddingActivations_dyn(object embedding_variable, object sliced_activations, object table_id, object lookup_id, object name)
Tensor TPUOrdinalSelector(string name)
object TPUOrdinalSelector_dyn(object name)
IList<object> TPUPartitionedCall(IEnumerable<object> args, object device_ordinal, object Tout, object f, string name)
object TPUPartitionedCall_dyn(object args, object device_ordinal, object Tout, object f, object name)
IList<object> TPUReplicatedOutput(object input, object num_replicas, string name)
object TPUReplicatedOutput_dyn(object input, object num_replicas, object name)
Tensor Transpose(object x, object perm, string name)
object Transpose_dyn(object x, object perm, object name)
Tensor TridiagonalMatMul(object superdiag, object maindiag, object subdiag, object rhs, string name)
object TridiagonalMatMul_dyn(object superdiag, object maindiag, object subdiag, object rhs, object name)
Tensor TridiagonalSolve(object diagonals, object rhs, bool partial_pivoting, string name)
object TridiagonalSolve_dyn(object diagonals, object rhs, ImplicitContainer<T> partial_pivoting, object name)
object TruncateDiv(object x, object y, string name)
object TruncateDiv_dyn(object x, object y, object name)
object TruncateMod(object x, object y, string name)
object TruncateMod_dyn(object x, object y, object name)
Tensor Unbatch(object batched_tensor, object batch_index, object id, object timeout_micros, string container, string shared_name, string name)
Tensor UnbatchDataset(object input_dataset, object output_types, object output_shapes, string name)
object UnbatchDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
Tensor UnbatchGrad(object original_input, object batch_index, object grad, object id, string container, string shared_name, string name)
object UnicodeDecode(object input, object input_encoding, string errors, int replacement_char, bool replace_control_characters, ImplicitContainer<T> Tsplits, string name)
object UnicodeDecodeWithOffsets(object input, object input_encoding, string errors, int replacement_char, bool replace_control_characters, ImplicitContainer<T> Tsplits, string name)
Tensor UnicodeEncode(object input_values, object input_splits, object output_encoding, string errors, int replacement_char, string name)
Tensor UnicodeScript(object input, string name)
object UnicodeScript_dyn(object input, object name)
Tensor UnicodeTranscode(object input, object input_encoding, object output_encoding, string errors, int replacement_char, bool replace_control_characters, string name)
Tensor UniqueDataset(object input_dataset, object output_types, object output_shapes, string name)
object UniqueDataset_dyn(object input_dataset, object output_types, object output_shapes, object name)
object Unpack(object value, object num, int axis, string name)
Tensor UnravelIndex(object indices, object dims, string name)
object UnravelIndex_dyn(object indices, object dims, object name)
Tensor UnsortedSegmentJoin(object inputs, object segment_ids, object num_segments, string separator, string name)
object UnsortedSegmentJoin_dyn(object inputs, object segment_ids, object num_segments, ImplicitContainer<T> separator, object name)
Tensor UnsortedSegmentMax(object data, object segment_ids, object num_segments, string name)
object UnsortedSegmentMax_dyn(object data, object segment_ids, object num_segments, object name)
Tensor UnsortedSegmentMin(object data, object segment_ids, object num_segments, string name)
object UnsortedSegmentMin_dyn(object data, object segment_ids, object num_segments, object name)
Tensor UnsortedSegmentProd(object data, object segment_ids, object num_segments, string name)
object UnsortedSegmentProd_dyn(object data, object segment_ids, object num_segments, object name)
Tensor UnsortedSegmentSum(object data, object segment_ids, object num_segments, string name)
object UnsortedSegmentSum_dyn(object data, object segment_ids, object num_segments, object name)
object Unstage(object dtypes, int capacity, int memory_limit, string container, string shared_name, string name)
Tensor UnwrapDatasetVariant(object input_handle, string name)
object UnwrapDatasetVariant_dyn(object input_handle, object name)
object UpperBound_dyn(object sorted_inputs, object values, ImplicitContainer<T> out_type, object name)
object Variable(TensorShape shape, DType dtype, string container, string shared_name, string name)
Tensor VarIsInitializedOp(object resource, string name)
object VarIsInitializedOp_dyn(object resource, object name)
Tensor Where(object condition, string name)
object Where_dyn(object condition, object name)
object While(object input, object cond, object body, ImplicitContainer<T> output_shapes, int parallel_iterations, string name)
Tensor WholeFileReader(string container, string shared_name, string name)
Tensor WholeFileReaderV2(string container, string shared_name, string name)
Tensor WindowDataset(object input_dataset, object size, object shift, object stride, object drop_remainder, object output_types, object output_shapes, string name)
object WindowDataset_dyn(object input_dataset, object size, object shift, object stride, object drop_remainder, object output_types, object output_shapes, object name)
Tensor WorkerHeartbeat(object request, string name)
object WorkerHeartbeat_dyn(object request, object name)
Tensor WrapDatasetVariant(object input_handle, string name)
object WrapDatasetVariant_dyn(object input_handle, object name)
object WriteAudioSummary(object writer, object step, object tag, object tensor, object sample_rate, int max_outputs, string name)
object WriteAudioSummary_dyn(object writer, object step, object tag, object tensor, object sample_rate, ImplicitContainer<T> max_outputs, object name)
object WriteFile(object filename, object contents, string name)
object WriteFile_dyn(object filename, object contents, object name)
object WriteGraphSummary(object writer, object step, object tensor, string name)
object WriteGraphSummary_dyn(object writer, object step, object tensor, object name)
object WriteHistogramSummary(object writer, object step, object tag, object values, string name)
object WriteHistogramSummary_dyn(object writer, object step, object tag, object values, object name)
object WriteImageSummary(object writer, object step, object tag, object tensor, object bad_color, int max_images, string name)
object WriteImageSummary_dyn(object writer, object step, object tag, object tensor, object bad_color, ImplicitContainer<T> max_images, object name)
object WriteRawProtoSummary(object writer, object step, object tensor, string name)
object WriteRawProtoSummary_dyn(object writer, object step, object tensor, object name)
object WriteScalarSummary(object writer, object step, object tag, object value, string name)
object WriteScalarSummary_dyn(object writer, object step, object tag, object value, object name)
object WriteSummary(object writer, object step, object tensor, object tag, object summary_metadata, string name)
object WriteSummary_dyn(object writer, object step, object tensor, object tag, object summary_metadata, object name)
Tensor Xdivy(object x, object y, string name)
object Xdivy_dyn(object x, object y, object name)
Tensor Xlogy(object x, object y, string name)
object Xlogy_dyn(object x, object y, object name)
Tensor ZerosLike(object x, string name)
object ZerosLike_dyn(object x, object name)
Tensor Zeta(object x, object q, string name)
object Zeta_dyn(object x, object q, object name)
Tensor ZipDataset(object input_datasets, object output_types, object output_shapes, string name)
object ZipDataset_dyn(object input_datasets, object output_types, object output_shapes, object name)
Public properties