Module tensorflow::ops

source ·
Expand description

This module exposes functions for building standard operations.

Each operation has a struct which can be used as a builder and allows setting optional attributes:

MatMul::new().transpose_a(true).build(a, b, &mut scope)?;

and a function which is shorter when no attributes need to be set:

mat_mul(a, b, &mut scope)

Note that for some ops, the builder may always be required, because the op has required attributes with no default specified.

Structs

Functions

  • Shorthand for Abort::new().build(scope).
  • Shorthand for Abs::new().build(x, scope).
  • Shorthand for AccumulateNV2::new().build(inputs, scope).
  • Shorthand for AccumulatorApplyGradient::new().build(handle, local_step, gradient, scope).
  • Shorthand for AccumulatorNumAccumulated::new().build(handle, scope).
  • Shorthand for AccumulatorSetGlobalStep::new().build(handle, new_global_step, scope).
  • Shorthand for AccumulatorTakeGradient::new().build(handle, num_required, scope).
  • Shorthand for Acos::new().build(x, scope).
  • Shorthand for Acosh::new().build(x, scope).
  • Shorthand for Add::new().build(x, y, scope).
  • Shorthand for AddManySparseToTensorsMap::new().build(sparse_indices, sparse_values, sparse_shape, scope).
  • Shorthand for AddN::new().build(inputs, scope).
  • Shorthand for AddSparseToTensorsMap::new().build(sparse_indices, sparse_values, sparse_shape, scope).
  • Shorthand for AddV2::new().build(x, y, scope).
  • Shorthand for AdjustContrast::new().build(images, contrast_factor, min_value, max_value, scope).
  • Shorthand for AdjustContrastv2::new().build(images, contrast_factor, scope).
  • Shorthand for AdjustHue::new().build(images, delta, scope).
  • Shorthand for AdjustSaturation::new().build(images, scale, scope).
  • Shorthand for All::new().build(input, reduction_indices, scope).
  • Shorthand for AllCandidateSampler::new().build(true_classes, scope).
  • Shorthand for AllToAll::new().build(input, group_assignment, scope).
  • Shorthand for Angle::new().build(input, scope).
  • Shorthand for AnonymousHashTable::new().build(scope).
  • Shorthand for AnonymousIterator::new().build(scope).
  • Shorthand for AnonymousIteratorV2::new().build(scope).
  • Shorthand for AnonymousIteratorV3::new().build(scope).
  • Shorthand for AnonymousMemoryCache::new().build(scope).
  • Shorthand for AnonymousMultiDeviceIterator::new().build(scope).
  • Shorthand for AnonymousMultiDeviceIteratorV3::new().build(scope).
  • Shorthand for AnonymousMutableDenseHashTable::new().build(empty_key, deleted_key, scope).
  • Shorthand for AnonymousMutableHashTable::new().build(scope).
  • Shorthand for AnonymousMutableHashTableOfTensors::new().build(scope).
  • Shorthand for AnonymousRandomSeedGenerator::new().build(seed, seed2, scope).
  • Shorthand for AnonymousSeedGenerator::new().build(seed, seed2, reshuffle, scope).
  • Shorthand for Any::new().build(input, reduction_indices, scope).
  • Shorthand for ApplyAdaMax::new().build(var, m, v, beta1_power, lr, beta1, beta2, epsilon, grad, scope).
  • Shorthand for ApplyAdadelta::new().build(var, accum, accum_update, lr, rho, epsilon, grad, scope).
  • Shorthand for ApplyAdagrad::new().build(var, accum, lr, grad, scope).
  • Shorthand for ApplyAdagradDA::new().build(var, gradient_accumulator, gradient_squared_accumulator, grad, lr, l1, l2, global_step, scope).
  • Shorthand for ApplyAdagradV2::new().build(var, accum, lr, epsilon, grad, scope).
  • Shorthand for ApplyAdam::new().build(var, m, v, beta1_power, beta2_power, lr, beta1, beta2, epsilon, grad, scope).
  • Shorthand for ApplyAddSign::new().build(var, m, lr, alpha, sign_decay, beta, grad, scope).
  • Shorthand for ApplyCenteredRMSProp::new().build(var, mg, ms, mom, lr, rho, momentum, epsilon, grad, scope).
  • Shorthand for ApplyFtrl::new().build(var, accum, linear, grad, lr, l1, l2, lr_power, scope).
  • Shorthand for ApplyFtrlV2::new().build(var, accum, linear, grad, lr, l1, l2, l2_shrinkage, lr_power, scope).
  • Shorthand for ApplyGradientDescent::new().build(var, alpha, delta, scope).
  • Shorthand for ApplyMomentum::new().build(var, accum, lr, grad, momentum, scope).
  • Shorthand for ApplyPowerSign::new().build(var, m, lr, logbase, sign_decay, beta, grad, scope).
  • Shorthand for ApplyProximalAdagrad::new().build(var, accum, lr, l1, l2, grad, scope).
  • Shorthand for ApplyProximalGradientDescent::new().build(var, alpha, l1, l2, delta, scope).
  • Shorthand for ApplyRMSProp::new().build(var, ms, mom, lr, rho, momentum, epsilon, grad, scope).
  • Shorthand for ApproxTopK::new().build(input, scope).
  • Shorthand for ApproximateEqual::new().build(x, y, scope).
  • Shorthand for ArgMax::new().build(input, dimension, scope).
  • Shorthand for ArgMin::new().build(input, dimension, scope).
  • Shorthand for AsString::new().build(input, scope).
  • Shorthand for Asin::new().build(x, scope).
  • Shorthand for Asinh::new().build(x, scope).
  • Shorthand for Assert::new().build(condition, data, scope).
  • Shorthand for AssertCardinalityDataset::new().build(input_dataset, cardinality, scope).
  • Shorthand for AssertNextDataset::new().build(input_dataset, transformations, scope).
  • Shorthand for AssertPrevDataset::new().build(input_dataset, transformations, scope).
  • Shorthand for Assign::new().build(ref_, value, scope).
  • Shorthand for AssignAdd::new().build(ref_, value, scope).
  • Shorthand for AssignAddVariableOp::new().build(resource, value, scope).
  • Shorthand for AssignSub::new().build(ref_, value, scope).
  • Shorthand for AssignSubVariableOp::new().build(resource, value, scope).
  • Shorthand for AssignVariableOp::new().build(resource, value, scope).
  • Shorthand for AssignVariableXlaConcatND::new().build(resource, inputs, scope).
  • Shorthand for Atan::new().build(x, scope).
  • Shorthand for Atan2::new().build(y, x, scope).
  • Shorthand for Atanh::new().build(x, scope).
  • Shorthand for AudioSpectrogram::new().build(input, scope).
  • Shorthand for AudioSummary::new().build(tag, tensor, scope).
  • Shorthand for AudioSummaryV2::new().build(tag, tensor, sample_rate, scope).
  • Shorthand for AutoShardDataset::new().build(input_dataset, num_workers, index, scope).
  • Shorthand for AvgPool::new().build(value, scope).
  • Shorthand for AvgPool3D::new().build(input, scope).
  • Shorthand for AvgPool3DGrad::new().build(orig_input_shape, grad, scope).
  • Shorthand for AvgPoolGrad::new().build(orig_input_shape, grad, scope).
  • Shorthand for BandedTriangularSolve::new().build(matrix, rhs, scope).
  • Shorthand for Barrier::new().build(scope).
  • Shorthand for BarrierClose::new().build(handle, scope).
  • Shorthand for BarrierIncompleteSize::new().build(handle, scope).
  • Shorthand for BarrierInsertMany::new().build(handle, keys, values, scope).
  • Shorthand for BarrierReadySize::new().build(handle, scope).
  • Shorthand for BarrierTakeMany::new().build(handle, num_elements, scope).
  • Shorthand for Batch::new().build(in_tensors, scope).
  • Shorthand for BatchCholesky::new().build(input, scope).
  • Shorthand for BatchCholeskyGrad::new().build(l, grad, scope).
  • Shorthand for BatchDataset::new().build(input_dataset, batch_size, scope).
  • Shorthand for BatchDatasetV2::new().build(input_dataset, batch_size, drop_remainder, scope).
  • Shorthand for BatchFFT::new().build(input, scope).
  • Shorthand for BatchFFT2D::new().build(input, scope).
  • Shorthand for BatchFFT3D::new().build(input, scope).
  • Shorthand for BatchFunction::new().build(in_tensors, captured_tensors, scope).
  • Shorthand for BatchIFFT::new().build(input, scope).
  • Shorthand for BatchIFFT2D::new().build(input, scope).
  • Shorthand for BatchIFFT3D::new().build(input, scope).
  • Shorthand for BatchMatMul::new().build(x, y, scope).
  • Shorthand for BatchMatMulV2::new().build(x, y, scope).
  • Shorthand for BatchMatMulV3::new().build(x, y, scope).
  • Shorthand for BatchMatrixBandPart::new().build(input, num_lower, num_upper, scope).
  • Shorthand for BatchMatrixDeterminant::new().build(input, scope).
  • Shorthand for BatchMatrixDiag::new().build(diagonal, scope).
  • Shorthand for BatchMatrixDiagPart::new().build(input, scope).
  • Shorthand for BatchMatrixInverse::new().build(input, scope).
  • Shorthand for BatchMatrixSetDiag::new().build(input, diagonal, scope).
  • Shorthand for BatchMatrixSolve::new().build(matrix, rhs, scope).
  • Shorthand for BatchMatrixSolveLs::new().build(matrix, rhs, l2_regularizer, scope).
  • Shorthand for BatchMatrixTriangularSolve::new().build(matrix, rhs, scope).
  • Shorthand for BatchNormWithGlobalNormalization::new().build(t, m, v, beta, gamma, scope).
  • Shorthand for BatchNormWithGlobalNormalizationGrad::new().build(t, m, v, gamma, backprop, scope).
  • Shorthand for BatchSelfAdjointEig::new().build(input, scope).
  • Shorthand for BatchSelfAdjointEigV2::new().build(input, scope).
  • Shorthand for BatchSvd::new().build(input, scope).
  • Shorthand for BatchToSpace::new().build(input, crops, scope).
  • Shorthand for BatchToSpaceND::new().build(input, block_shape, crops, scope).
  • Shorthand for BesselI0::new().build(x, scope).
  • Shorthand for BesselI0e::new().build(x, scope).
  • Shorthand for BesselI1::new().build(x, scope).
  • Shorthand for BesselI1e::new().build(x, scope).
  • Shorthand for BesselJ0::new().build(x, scope).
  • Shorthand for BesselJ1::new().build(x, scope).
  • Shorthand for BesselK0::new().build(x, scope).
  • Shorthand for BesselK0e::new().build(x, scope).
  • Shorthand for BesselK1::new().build(x, scope).
  • Shorthand for BesselK1e::new().build(x, scope).
  • Shorthand for BesselY0::new().build(x, scope).
  • Shorthand for BesselY1::new().build(x, scope).
  • Shorthand for Betainc::new().build(a, b, x, scope).
  • Shorthand for BiasAdd::new().build(value, bias, scope).
  • Shorthand for BiasAddGrad::new().build(out_backprop, scope).
  • Shorthand for BiasAddV1::new().build(value, bias, scope).
  • Shorthand for Bincount::new().build(arr, size, weights, scope).
  • Shorthand for Bitcast::new().build(input, scope).
  • Shorthand for BitwiseAnd::new().build(x, y, scope).
  • Shorthand for BitwiseOr::new().build(x, y, scope).
  • Shorthand for BitwiseXor::new().build(x, y, scope).
  • Shorthand for BlockLSTM::new().build(seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, scope).
  • Shorthand for BlockLSTMGrad::new().build(seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, i, cs, f, o, ci, co, h, cs_grad, h_grad, scope).
  • Shorthand for BlockLSTMGradV2::new().build(seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, i, cs, f, o, ci, co, h, cs_grad, h_grad, scope).
  • Shorthand for BlockLSTMV2::new().build(seq_len_max, x, cs_prev, h_prev, w, wci, wcf, wco, b, scope).
  • Shorthand for BoostedTreesAggregateStats::new().build(node_ids, gradients, hessians, feature, scope).
  • Shorthand for BoostedTreesBucketize::new().build(float_values, bucket_boundaries, scope).
  • Shorthand for BoostedTreesCalculateBestFeatureSplit::new().build(node_id_range, stats_summary, l1, l2, tree_complexity, min_node_weight, scope).
  • Shorthand for BoostedTreesCalculateBestFeatureSplitV2::new().build(node_id_range, stats_summaries_list, split_types, candidate_feature_ids, l1, l2, tree_complexity, min_node_weight, scope).
  • Shorthand for BoostedTreesCalculateBestGainsPerFeature::new().build(node_id_range, stats_summary_list, l1, l2, tree_complexity, min_node_weight, scope).
  • Shorthand for BoostedTreesCenterBias::new().build(tree_ensemble_handle, mean_gradients, mean_hessians, l1, l2, scope).
  • Shorthand for BoostedTreesCreateEnsemble::new().build(tree_ensemble_handle, stamp_token, tree_ensemble_serialized, scope).
  • Shorthand for BoostedTreesCreateQuantileStreamResource::new().build(quantile_stream_resource_handle, epsilon, num_streams, scope).
  • Shorthand for BoostedTreesDeserializeEnsemble::new().build(tree_ensemble_handle, stamp_token, tree_ensemble_serialized, scope).
  • Shorthand for BoostedTreesEnsembleResourceHandleOp::new().build(scope).
  • Shorthand for BoostedTreesExampleDebugOutputs::new().build(tree_ensemble_handle, bucketized_features, scope).
  • Shorthand for BoostedTreesFlushQuantileSummaries::new().build(quantile_stream_resource_handle, scope).
  • Shorthand for BoostedTreesGetEnsembleStates::new().build(tree_ensemble_handle, scope).
  • Shorthand for BoostedTreesMakeQuantileSummaries::new().build(float_values, example_weights, epsilon, scope).
  • Shorthand for BoostedTreesMakeStatsSummary::new().build(node_ids, gradients, hessians, bucketized_features_list, scope).
  • Shorthand for BoostedTreesPredict::new().build(tree_ensemble_handle, bucketized_features, scope).
  • Shorthand for BoostedTreesQuantileStreamResourceAddSummaries::new().build(quantile_stream_resource_handle, summaries, scope).
  • Shorthand for BoostedTreesQuantileStreamResourceDeserialize::new().build(quantile_stream_resource_handle, bucket_boundaries, scope).
  • Shorthand for BoostedTreesQuantileStreamResourceFlush::new().build(quantile_stream_resource_handle, num_buckets, scope).
  • Shorthand for BoostedTreesQuantileStreamResourceGetBucketBoundaries::new().build(quantile_stream_resource_handle, scope).
  • Shorthand for BoostedTreesQuantileStreamResourceHandleOp::new().build(scope).
  • Shorthand for BoostedTreesSerializeEnsemble::new().build(tree_ensemble_handle, scope).
  • Shorthand for BoostedTreesSparseAggregateStats::new().build(node_ids, gradients, hessians, feature_indices, feature_values, feature_shape, scope).
  • Shorthand for BoostedTreesSparseCalculateBestFeatureSplit::new().build(node_id_range, stats_summary_indices, stats_summary_values, stats_summary_shape, l1, l2, tree_complexity, min_node_weight, scope).
  • Shorthand for BoostedTreesTrainingPredict::new().build(tree_ensemble_handle, cached_tree_ids, cached_node_ids, bucketized_features, scope).
  • Shorthand for BoostedTreesUpdateEnsemble::new().build(tree_ensemble_handle, feature_ids, node_ids, gains, thresholds, left_node_contribs, right_node_contribs, max_depth, learning_rate, scope).
  • Shorthand for BoostedTreesUpdateEnsembleV2::new().build(tree_ensemble_handle, feature_ids, dimension_ids, node_ids, gains, thresholds, left_node_contribs, right_node_contribs, split_types, max_depth, learning_rate, pruning_mode, scope).
  • Shorthand for BroadcastArgs::new().build(s0, s1, scope).
  • Shorthand for BroadcastGradientArgs::new().build(s0, s1, scope).
  • Shorthand for BroadcastTo::new().build(input, shape, scope).
  • Shorthand for Bucketize::new().build(input, scope).
  • Shorthand for BytesProducedStatsDataset::new().build(input_dataset, tag, scope).
  • Shorthand for CacheDataset::new().build(input_dataset, filename, scope).
  • Shorthand for CacheDatasetV2::new().build(input_dataset, filename, cache, scope).
  • Shorthand for Case::new().build(branch_index, input, scope).
  • Shorthand for Cast::new().build(x, scope).
  • Shorthand for Ceil::new().build(x, scope).
  • Shorthand for CheckNumerics::new().build(tensor, scope).
  • Shorthand for CheckNumericsV2::new().build(tensor, scope).
  • Shorthand for Cholesky::new().build(input, scope).
  • Shorthand for CholeskyGrad::new().build(l, grad, scope).
  • Shorthand for ChooseFastestBranchDataset::new().build(input_dataset, ratio_numerator, ratio_denominator, other_arguments, scope).
  • Shorthand for ChooseFastestDataset::new().build(input_datasets, scope).
  • Shorthand for ClipByValue::new().build(t, clip_value_min, clip_value_max, scope).
  • Shorthand for CloseSummaryWriter::new().build(writer, scope).
  • Shorthand for CollateTPUEmbeddingMemory::new().build(memory_configs, scope).
  • Shorthand for CollectiveAllToAllV2::new().build(input, group_size, group_key, instance_key, ordering_token, scope).
  • Shorthand for CollectiveAllToAllV3::new().build(input, communicator, group_assignment, scope).
  • Shorthand for CollectiveAssignGroupV2::new().build(group_assignment, device_index, base_key, scope).
  • Shorthand for CollectiveBcastRecv::new().build(scope).
  • Shorthand for CollectiveBcastRecvV2::new().build(group_size, group_key, instance_key, shape, scope).
  • Shorthand for CollectiveBcastSend::new().build(input, scope).
  • Shorthand for CollectiveBcastSendV2::new().build(input, group_size, group_key, instance_key, scope).
  • Shorthand for CollectiveGather::new().build(input, scope).
  • Shorthand for CollectiveGatherV2::new().build(input, group_size, group_key, instance_key, ordering_token, scope).
  • Shorthand for CollectiveInitializeCommunicator::new().build(group_key, rank, group_size, scope).
  • Shorthand for CollectivePermute::new().build(input, source_target_pairs, scope).
  • Shorthand for CollectiveReduce::new().build(input, scope).
  • Shorthand for CollectiveReduceScatterV2::new().build(input, group_size, group_key, instance_key, ordering_token, scope).
  • Shorthand for CollectiveReduceV2::new().build(input, group_size, group_key, instance_key, ordering_token, scope).
  • Shorthand for CollectiveReduceV3::new().build(input, communicator, group_assignment, scope).
  • Shorthand for CombinedNonMaxSuppression::new().build(boxes, scores, max_output_size_per_class, max_total_size, iou_threshold, score_threshold, scope).
  • Shorthand for Complex::new().build(real, imag, scope).
  • Shorthand for ComplexAbs::new().build(x, scope).
  • Shorthand for CompositeTensorVariantFromComponents::new().build(components, scope).
  • Shorthand for CompositeTensorVariantToComponents::new().build(encoded, scope).
  • Shorthand for CompressElement::new().build(components, scope).
  • Shorthand for ComputeAccidentalHits::new().build(true_classes, sampled_candidates, scope).
  • Shorthand for ComputeBatchSize::new().build(input_dataset, scope).
  • Shorthand for ComputeDedupDataTupleMask::new().build(scope).
  • Shorthand for Concat::new().build(concat_dim, values, scope).
  • Shorthand for ConcatOffset::new().build(concat_dim, shape, scope).
  • Shorthand for ConcatV2::new().build(values, axis, scope).
  • Shorthand for ConcatenateDataset::new().build(input_dataset, another_dataset, scope).
  • Shorthand for ConditionalAccumulator::new().build(scope).
  • Shorthand for ConfigureAndInitializeGlobalTPU::new().build(scope).
  • Shorthand for ConfigureDistributedTPU::new().build(scope).
  • Shorthand for ConfigureTPUEmbedding::new().build(scope).
  • Shorthand for ConfigureTPUEmbeddingHost::new().build(common_config, memory_config, scope).
  • Shorthand for ConfigureTPUEmbeddingMemory::new().build(common_config, scope).
  • Shorthand for Conj::new().build(input, scope).
  • Shorthand for ConjugateTranspose::new().build(x, perm, scope).
  • Shorthand for ConnectTPUEmbeddingHosts::new().build(network_configs, scope).
  • Shorthand for Const::new().build(scope).
  • Creates a constant.
  • Shorthand for ConsumeMutexLock::new().build(mutex_lock, scope).
  • Shorthand for ControlTrigger::new().build(scope).
  • Shorthand for Conv2D::new().build(input, filter, scope).
  • Shorthand for Conv2DBackpropFilter::new().build(input, filter_sizes, out_backprop, scope).
  • Shorthand for Conv2DBackpropFilterV2::new().build(input, filter, out_backprop, scope).
  • Shorthand for Conv2DBackpropInput::new().build(input_sizes, filter, out_backprop, scope).
  • Shorthand for Conv2DBackpropInputV2::new().build(input, filter, out_backprop, scope).
  • Shorthand for Conv3D::new().build(input, filter, scope).
  • Shorthand for Conv3DBackpropFilter::new().build(input, filter, out_backprop, scope).
  • Shorthand for Conv3DBackpropFilterV2::new().build(input, filter_sizes, out_backprop, scope).
  • Shorthand for Conv3DBackpropInput::new().build(input, filter, out_backprop, scope).
  • Shorthand for Conv3DBackpropInputV2::new().build(input_sizes, filter, out_backprop, scope).
  • Shorthand for Copy::new().build(input, scope).
  • Shorthand for CopyHost::new().build(input, scope).
  • Shorthand for CopyToMesh::new().build(input, scope).
  • Shorthand for CopyToMeshGrad::new().build(input, forward_input, scope).
  • Shorthand for Cos::new().build(x, scope).
  • Shorthand for Cosh::new().build(x, scope).
  • Shorthand for CountUpTo::new().build(ref_, scope).
  • Shorthand for CreateSummaryDbWriter::new().build(writer, db_uri, experiment_name, run_name, user_name, scope).
  • Shorthand for CreateSummaryFileWriter::new().build(writer, logdir, max_queue, flush_millis, filename_suffix, scope).
  • Shorthand for CropAndResize::new().build(image, boxes, box_ind, crop_size, scope).
  • Shorthand for CropAndResizeGradBoxes::new().build(grads, image, boxes, box_ind, scope).
  • Shorthand for CropAndResizeGradImage::new().build(grads, boxes, box_ind, image_size, scope).
  • Shorthand for Cross::new().build(a, b, scope).
  • Shorthand for CrossReplicaSum::new().build(input, group_assignment, scope).
  • Shorthand for CSRSparseMatrixComponents::new().build(csr_sparse_matrix, index, scope).
  • Shorthand for CSRSparseMatrixToDense::new().build(sparse_input, scope).
  • Shorthand for CSRSparseMatrixToSparseTensor::new().build(sparse_matrix, scope).
  • Shorthand for CSVDataset::new().build(filenames, compression_type, buffer_size, header, field_delim, use_quote_delim, na_value, select_cols, record_defaults, scope).
  • Shorthand for CSVDatasetV2::new().build(filenames, compression_type, buffer_size, header, field_delim, use_quote_delim, na_value, select_cols, record_defaults, exclude_cols, scope).
  • Shorthand for CTCBeamSearchDecoder::new().build(inputs, sequence_length, scope).
  • Shorthand for CTCGreedyDecoder::new().build(inputs, sequence_length, scope).
  • Shorthand for CTCLoss::new().build(inputs, labels_indices, labels_values, sequence_length, scope).
  • Shorthand for CTCLossV2::new().build(inputs, labels_indices, labels_values, sequence_length, scope).
  • Shorthand for CudnnRNN::new().build(input, input_h, input_c, params, scope).
  • Shorthand for CudnnRNNBackprop::new().build(input, input_h, input_c, params, output, output_h, output_c, output_backprop, output_h_backprop, output_c_backprop, reserve_space, scope).
  • Shorthand for CudnnRNNBackpropV2::new().build(input, input_h, input_c, params, output, output_h, output_c, output_backprop, output_h_backprop, output_c_backprop, reserve_space, host_reserved, scope).
  • Shorthand for CudnnRNNBackpropV3::new().build(input, input_h, input_c, params, sequence_lengths, output, output_h, output_c, output_backprop, output_h_backprop, output_c_backprop, reserve_space, host_reserved, scope).
  • Shorthand for CudnnRNNCanonicalToParams::new().build(num_layers, num_units, input_size, weights, biases, scope).
  • Shorthand for CudnnRNNCanonicalToParamsV2::new().build(num_layers, num_units, input_size, weights, biases, scope).
  • Shorthand for CudnnRNNParamsSize::new().build(num_layers, num_units, input_size, scope).
  • Shorthand for CudnnRNNParamsToCanonical::new().build(num_layers, num_units, input_size, params, scope).
  • Shorthand for CudnnRNNParamsToCanonicalV2::new().build(num_layers, num_units, input_size, params, scope).
  • Shorthand for CudnnRNNV2::new().build(input, input_h, input_c, params, scope).
  • Shorthand for CudnnRNNV3::new().build(input, input_h, input_c, params, sequence_lengths, scope).
  • Shorthand for Cumprod::new().build(x, axis, scope).
  • Shorthand for Cumsum::new().build(x, axis, scope).
  • Shorthand for CumulativeLogsumexp::new().build(x, axis, scope).
  • Shorthand for DataFormatDimMap::new().build(x, scope).
  • Shorthand for DataFormatVecPermute::new().build(x, scope).
  • Shorthand for DataServiceDataset::new().build(dataset_id, processing_mode, address, protocol, job_name, max_outstanding_requests, iteration_counter, scope).
  • Shorthand for DataServiceDatasetV2::new().build(dataset_id, processing_mode, address, protocol, job_name, consumer_index, num_consumers, max_outstanding_requests, iteration_counter, scope).
  • Shorthand for DataServiceDatasetV3::new().build(dataset_id, processing_mode, address, protocol, job_name, consumer_index, num_consumers, max_outstanding_requests, iteration_counter, scope).
  • Shorthand for DataServiceDatasetV4::new().build(dataset_id, processing_mode, address, protocol, job_name, consumer_index, num_consumers, max_outstanding_requests, iteration_counter, scope).
  • Shorthand for DatasetCardinality::new().build(input_dataset, scope).
  • Shorthand for DatasetFromGraph::new().build(graph_def, scope).
  • Shorthand for DatasetToGraph::new().build(input_dataset, scope).
  • Shorthand for DatasetToGraphV2::new().build(input_dataset, scope).
  • Shorthand for DatasetToSingleElement::new().build(dataset, scope).
  • Shorthand for DatasetToTFRecord::new().build(input_dataset, filename, compression_type, scope).
  • Shorthand for Dawsn::new().build(x, scope).
  • Shorthand for DebugGradientIdentity::new().build(input, scope).
  • Shorthand for DebugGradientRefIdentity::new().build(input, scope).
  • Shorthand for DebugIdentity::new().build(input, scope).
  • Shorthand for DebugIdentityV2::new().build(input, scope).
  • Shorthand for DebugIdentityV3::new().build(input, scope).
  • Shorthand for DebugNanCount::new().build(input, scope).
  • Shorthand for DebugNumericSummary::new().build(input, scope).
  • Shorthand for DebugNumericSummaryV2::new().build(input, scope).
  • Shorthand for DecodeAndCropJpeg::new().build(contents, crop_window, scope).
  • Shorthand for DecodeBase64::new().build(input, scope).
  • Shorthand for DecodeBmp::new().build(contents, scope).
  • Shorthand for DecodeCompressed::new().build(bytes, scope).
  • Shorthand for DecodeCSV::new().build(records, record_defaults, scope).
  • Shorthand for DecodeGif::new().build(contents, scope).
  • Shorthand for DecodeImage::new().build(contents, scope).
  • Shorthand for DecodeJpeg::new().build(contents, scope).
  • Shorthand for DecodeJSONExample::new().build(json_examples, scope).
  • Shorthand for DecodePaddedRaw::new().build(input_bytes, fixed_length, scope).
  • Shorthand for DecodePng::new().build(contents, scope).
  • Shorthand for DecodeProtoV2::new().build(bytes, scope).
  • Shorthand for DecodeRaw::new().build(bytes, scope).
  • Shorthand for DecodeWav::new().build(contents, scope).
  • Shorthand for DeepCopy::new().build(x, scope).
  • Shorthand for DeleteIterator::new().build(handle, deleter, scope).
  • Shorthand for DeleteMemoryCache::new().build(handle, deleter, scope).
  • Shorthand for DeleteMultiDeviceIterator::new().build(multi_device_iterator, iterators, deleter, scope).
  • Shorthand for DeleteRandomSeedGenerator::new().build(handle, deleter, scope).
  • Shorthand for DeleteSeedGenerator::new().build(handle, deleter, scope).
  • Shorthand for DeleteSessionTensor::new().build(handle, scope).
  • Shorthand for DenseBincount::new().build(input, size, weights, scope).
  • Shorthand for DenseCountSparseOutput::new().build(values, weights, scope).
  • Shorthand for DenseToCSRSparseMatrix::new().build(dense_input, indices, scope).
  • Shorthand for DenseToDenseSetOperation::new().build(set1, set2, scope).
  • Shorthand for DenseToSparseBatchDataset::new().build(input_dataset, batch_size, row_shape, scope).
  • Shorthand for DenseToSparseSetOperation::new().build(set1, set2_indices, set2_values, set2_shape, scope).
  • Shorthand for DepthToSpace::new().build(input, scope).
  • Shorthand for DepthwiseConv2dNative::new().build(input, filter, scope).
  • Shorthand for DepthwiseConv2dNativeBackpropFilter::new().build(input, filter_sizes, out_backprop, scope).
  • Shorthand for DepthwiseConv2dNativeBackpropInput::new().build(input_sizes, filter, out_backprop, scope).
  • Shorthand for Dequantize::new().build(input, min_range, max_range, scope).
  • Shorthand for DeserializeIterator::new().build(resource_handle, serialized, scope).
  • Shorthand for DeserializeManySparse::new().build(serialized_sparse, scope).
  • Shorthand for DeserializeSparse::new().build(serialized_sparse, scope).
  • Shorthand for DestroyResourceOp::new().build(resource, scope).
  • Shorthand for DestroyTemporaryVariable::new().build(ref_, scope).
  • Shorthand for DeviceIndex::new().build(scope).
  • Shorthand for Diag::new().build(diagonal, scope).
  • Shorthand for DiagPart::new().build(input, scope).
  • Shorthand for Digamma::new().build(x, scope).
  • Shorthand for Dilation2D::new().build(input, filter, scope).
  • Shorthand for Dilation2DBackpropFilter::new().build(input, filter, out_backprop, scope).
  • Shorthand for Dilation2DBackpropInput::new().build(input, filter, out_backprop, scope).
  • Shorthand for DirectedInterleaveDataset::new().build(selector_input_dataset, data_input_datasets, scope).
  • Shorthand for DisableCopyOnRead::new().build(resource, scope).
  • Shorthand for DistributedSave::new().build(dataset, directory, address, scope).
  • Shorthand for Div::new().build(x, y, scope).
  • Shorthand for DivNoNan::new().build(x, y, scope).
  • Shorthand for DrawBoundingBoxes::new().build(images, boxes, scope).
  • Shorthand for DrawBoundingBoxesV2::new().build(images, boxes, colors, scope).
  • Shorthand for DTensorRestoreV2::new().build(prefix, tensor_names, shape_and_slices, scope).
  • Shorthand for DTensorSetGlobalTPUArray::new().build(topology, scope).
  • Shorthand for DummyIterationCounter::new().build(scope).
  • Shorthand for DummyMemoryCache::new().build(scope).
  • Shorthand for DummySeedGenerator::new().build(scope).
  • Shorthand for DynamicEnqueueTPUEmbeddingArbitraryTensorBatch::new().build(sample_indices_or_row_splits, embedding_indices, aggregation_weights, mode_override, device_ordinal, scope).
  • Shorthand for DynamicPartition::new().build(data, partitions, scope).
  • Shorthand for DynamicStitch::new().build(indices, data, scope).
  • Shorthand for EagerPyFunc::new().build(input, scope).
  • Shorthand for EditDistance::new().build(hypothesis_indices, hypothesis_values, hypothesis_shape, truth_indices, truth_values, truth_shape, scope).
  • Shorthand for Eig::new().build(input, scope).
  • Shorthand for Einsum::new().build(inputs, scope).
  • Shorthand for Elu::new().build(features, scope).
  • Shorthand for EluGrad::new().build(gradients, outputs, scope).
  • Shorthand for Empty::new().build(shape, scope).
  • Shorthand for EmptyTensorList::new().build(element_shape, max_num_elements, scope).
  • Shorthand for EmptyTensorMap::new().build(scope).
  • Shorthand for EncodeBase64::new().build(input, scope).
  • Shorthand for EncodeJpeg::new().build(image, scope).
  • Shorthand for EncodeJpegVariableQuality::new().build(images, quality, scope).
  • Shorthand for EncodePng::new().build(image, scope).
  • Shorthand for EncodeProto::new().build(sizes, values, scope).
  • Shorthand for EncodeWav::new().build(audio, sample_rate, scope).
  • Shorthand for EnqueueTPUEmbeddingArbitraryTensorBatch::new().build(sample_indices_or_row_splits, embedding_indices, aggregation_weights, mode_override, scope).
  • Shorthand for EnqueueTPUEmbeddingBatch::new().build(batch, mode_override, scope).
  • Shorthand for EnqueueTPUEmbeddingIntegerBatch::new().build(batch, mode_override, scope).
  • Shorthand for EnqueueTPUEmbeddingRaggedTensorBatch::new().build(sample_splits, embedding_indices, aggregation_weights, mode_override, scope).
  • Shorthand for EnqueueTPUEmbeddingSparseBatch::new().build(sample_indices, embedding_indices, aggregation_weights, mode_override, scope).
  • Shorthand for EnqueueTPUEmbeddingSparseTensorBatch::new().build(sample_indices, embedding_indices, aggregation_weights, mode_override, scope).
  • Shorthand for EnsureShape::new().build(input, scope).
  • Shorthand for Enter::new().build(data, scope).
  • Shorthand for Equal::new().build(x, y, scope).
  • Shorthand for Erf::new().build(x, scope).
  • Shorthand for Erfc::new().build(x, scope).
  • Shorthand for Erfinv::new().build(x, scope).
  • Shorthand for EuclideanNorm::new().build(input, reduction_indices, scope).
  • Shorthand for ExecuteTPUEmbeddingPartitioner::new().build(scope).
  • Shorthand for Exit::new().build(data, scope).
  • Shorthand for Exp::new().build(x, scope).
  • Shorthand for ExpandDims::new().build(input, dim, scope).
  • Shorthand for ExperimentalAssertNextDataset::new().build(input_dataset, transformations, scope).
  • Shorthand for ExperimentalAutoShardDataset::new().build(input_dataset, num_workers, index, scope).
  • Shorthand for ExperimentalBytesProducedStatsDataset::new().build(input_dataset, tag, scope).
  • Shorthand for ExperimentalChooseFastestDataset::new().build(input_datasets, scope).
  • Shorthand for ExperimentalCSVDataset::new().build(filenames, compression_type, buffer_size, header, field_delim, use_quote_delim, na_value, select_cols, record_defaults, scope).
  • Shorthand for ExperimentalDatasetCardinality::new().build(input_dataset, scope).
  • Shorthand for ExperimentalDatasetToTFRecord::new().build(input_dataset, filename, compression_type, scope).
  • Shorthand for ExperimentalDenseToSparseBatchDataset::new().build(input_dataset, batch_size, row_shape, scope).
  • Shorthand for ExperimentalDirectedInterleaveDataset::new().build(selector_input_dataset, data_input_datasets, scope).
  • Shorthand for ExperimentalGroupByReducerDataset::new().build(input_dataset, key_func_other_arguments, init_func_other_arguments, reduce_func_other_arguments, finalize_func_other_arguments, scope).
  • Shorthand for ExperimentalGroupByWindowDataset::new().build(input_dataset, key_func_other_arguments, reduce_func_other_arguments, window_size_func_other_arguments, scope).
  • Shorthand for ExperimentalIgnoreErrorsDataset::new().build(input_dataset, scope).
  • Shorthand for ExperimentalIteratorGetDevice::new().build(resource, scope).
  • Shorthand for ExperimentalLatencyStatsDataset::new().build(input_dataset, tag, scope).
  • Shorthand for ExperimentalLMDBDataset::new().build(filenames, scope).
  • Shorthand for ExperimentalMapAndBatchDataset::new().build(input_dataset, other_arguments, batch_size, num_parallel_calls, drop_remainder, scope).
  • Shorthand for ExperimentalMapDataset::new().build(input_dataset, other_arguments, scope).
  • Shorthand for ExperimentalMatchingFilesDataset::new().build(patterns, scope).
  • Shorthand for ExperimentalMaxIntraOpParallelismDataset::new().build(input_dataset, max_intra_op_parallelism, scope).
  • Shorthand for ExperimentalNonSerializableDataset::new().build(input_dataset, scope).
  • Shorthand for ExperimentalParallelInterleaveDataset::new().build(input_dataset, other_arguments, cycle_length, block_length, sloppy, buffer_output_elements, prefetch_input_elements, scope).
  • Shorthand for ExperimentalParseExampleDataset::new().build(input_dataset, num_parallel_calls, dense_defaults, scope).
  • Shorthand for ExperimentalPrivateThreadPoolDataset::new().build(input_dataset, num_threads, scope).
  • Shorthand for ExperimentalRandomDataset::new().build(seed, seed2, scope).
  • Shorthand for ExperimentalRebatchDataset::new().build(input_dataset, num_replicas, scope).
  • Shorthand for ExperimentalScanDataset::new().build(input_dataset, initial_state, other_arguments, scope).
  • Shorthand for ExperimentalSetStatsAggregatorDataset::new().build(input_dataset, stats_aggregator, tag, counter_prefix, scope).
  • Shorthand for ExperimentalSleepDataset::new().build(input_dataset, sleep_microseconds, scope).
  • Shorthand for ExperimentalSlidingWindowDataset::new().build(input_dataset, window_size, window_shift, window_stride, scope).
  • Shorthand for ExperimentalSqlDataset::new().build(driver_name, data_source_name, query, scope).
  • Shorthand for ExperimentalStatsAggregatorHandle::new().build(scope).
  • Shorthand for ExperimentalStatsAggregatorSummary::new().build(iterator, scope).
  • Shorthand for ExperimentalTakeWhileDataset::new().build(input_dataset, other_arguments, scope).
  • Shorthand for ExperimentalThreadPoolDataset::new().build(input_dataset, thread_pool, scope).
  • Shorthand for ExperimentalThreadPoolHandle::new().build(scope).
  • Shorthand for ExperimentalUnbatchDataset::new().build(input_dataset, scope).
  • Shorthand for ExperimentalUniqueDataset::new().build(input_dataset, scope).
  • Shorthand for Expint::new().build(x, scope).
  • Shorthand for Expm1::new().build(x, scope).
  • Shorthand for ExtractGlimpse::new().build(input, size, offsets, scope).
  • Shorthand for ExtractGlimpseV2::new().build(input, size, offsets, scope).
  • Shorthand for ExtractImagePatches::new().build(images, scope).
  • Shorthand for ExtractJpegShape::new().build(contents, scope).
  • Shorthand for ExtractVolumePatches::new().build(input, scope).
  • Shorthand for Fact::new().build(scope).
  • Shorthand for FakeParam::new().build(scope).
  • Shorthand for FakeQuantWithMinMaxArgs::new().build(inputs, scope).
  • Shorthand for FakeQuantWithMinMaxArgsGradient::new().build(gradients, inputs, scope).
  • Shorthand for FakeQuantWithMinMaxVars::new().build(inputs, min, max, scope).
  • Shorthand for FakeQuantWithMinMaxVarsGradient::new().build(gradients, inputs, min, max, scope).
  • Shorthand for FakeQuantWithMinMaxVarsPerChannel::new().build(inputs, min, max, scope).
  • Shorthand for FakeQuantWithMinMaxVarsPerChannelGradient::new().build(gradients, inputs, min, max, scope).
  • Shorthand for FakeQueue::new().build(resource, scope).
  • Shorthand for FFT::new().build(input, scope).
  • Shorthand for FFT2D::new().build(input, scope).
  • Shorthand for FFT3D::new().build(input, scope).
  • Shorthand for FIFOQueue::new().build(scope).
  • Shorthand for FIFOQueueV2::new().build(scope).
  • Shorthand for FileSystemSetConfiguration::new().build(scheme, key, value, scope).
  • Shorthand for Fill::new().build(dims, value, scope).
  • Shorthand for FilterByLastComponentDataset::new().build(input_dataset, scope).
  • Shorthand for FilterDataset::new().build(input_dataset, other_arguments, scope).
  • Shorthand for FinalizeDataset::new().build(input_dataset, scope).
  • Shorthand for FinalizeTPUEmbedding::new().build(common_config, memory_config, scope).
  • Shorthand for Fingerprint::new().build(data, method, scope).
  • Shorthand for FixedLengthRecordDataset::new().build(filenames, header_bytes, record_bytes, footer_bytes, buffer_size, scope).
  • Shorthand for FixedLengthRecordDatasetV2::new().build(filenames, header_bytes, record_bytes, footer_bytes, buffer_size, compression_type, scope).
  • Shorthand for FixedLengthRecordReader::new().build(scope).
  • Shorthand for FixedLengthRecordReaderV2::new().build(scope).
  • Shorthand for FixedUnigramCandidateSampler::new().build(true_classes, scope).
  • Shorthand for FlatMapDataset::new().build(input_dataset, other_arguments, scope).
  • Shorthand for Floor::new().build(x, scope).
  • Shorthand for FloorDiv::new().build(x, y, scope).
  • Shorthand for FloorMod::new().build(x, y, scope).
  • Shorthand for FlushSummaryWriter::new().build(writer, scope).
  • Shorthand for For::new().build(start, limit, delta, input, scope).
  • Shorthand for FractionalAvgPool::new().build(value, scope).
  • Shorthand for FractionalAvgPoolGrad::new().build(orig_input_tensor_shape, out_backprop, row_pooling_sequence, col_pooling_sequence, scope).
  • Shorthand for FractionalMaxPool::new().build(value, scope).
  • Shorthand for FractionalMaxPoolGrad::new().build(orig_input, orig_output, out_backprop, row_pooling_sequence, col_pooling_sequence, scope).
  • Shorthand for FresnelCos::new().build(x, scope).
  • Shorthand for FresnelSin::new().build(x, scope).
  • Shorthand for FusedBatchNorm::new().build(x, scale, offset, mean, variance, scope).
  • Shorthand for FusedBatchNormGrad::new().build(y_backprop, x, scale, reserve_space_1, reserve_space_2, scope).
  • Shorthand for FusedBatchNormGradV2::new().build(y_backprop, x, scale, reserve_space_1, reserve_space_2, scope).
  • Shorthand for FusedBatchNormGradV3::new().build(y_backprop, x, scale, reserve_space_1, reserve_space_2, reserve_space_3, scope).
  • Shorthand for FusedBatchNormV2::new().build(x, scale, offset, mean, variance, scope).
  • Shorthand for FusedBatchNormV3::new().build(x, scale, offset, mean, variance, scope).
  • Shorthand for FusedPadConv2D::new().build(input, paddings, filter, scope).
  • Shorthand for FusedResizeAndPadConv2D::new().build(input, size, paddings, filter, scope).
  • Shorthand for Gather::new().build(params, indices, scope).
  • Shorthand for GatherNd::new().build(params, indices, scope).
  • Shorthand for GatherV2::new().build(params, indices, axis, scope).
  • Shorthand for GenerateBoundingBoxProposals::new().build(scores, bbox_deltas, image_info, anchors, nms_threshold, pre_nms_topn, min_size, scope).
  • Shorthand for GenerateVocabRemapping::new().build(new_vocab_file, old_vocab_file, scope).
  • Shorthand for GeneratorDataset::new().build(init_func_other_args, next_func_other_args, finalize_func_other_args, scope).
  • Shorthand for GetElementAtIndex::new().build(dataset, index, scope).
  • Shorthand for GetOptions::new().build(input_dataset, scope).
  • Shorthand for GetSessionHandle::new().build(value, scope).
  • Shorthand for GetSessionHandleV2::new().build(value, scope).
  • Shorthand for GetSessionTensor::new().build(handle, scope).
  • Shorthand for Greater::new().build(x, y, scope).
  • Shorthand for GreaterEqual::new().build(x, y, scope).
  • Shorthand for GroupByReducerDataset::new().build(input_dataset, key_func_other_arguments, init_func_other_arguments, reduce_func_other_arguments, finalize_func_other_arguments, scope).
  • Shorthand for GroupByWindowDataset::new().build(input_dataset, key_func_other_arguments, reduce_func_other_arguments, window_size_func_other_arguments, scope).
  • Shorthand for GRUBlockCell::new().build(x, h_prev, w_ru, w_c, b_ru, b_c, scope).
  • Shorthand for GRUBlockCellGrad::new().build(x, h_prev, w_ru, w_c, b_ru, b_c, r, u, c, d_h, scope).
  • Shorthand for GuaranteeConst::new().build(input, scope).
  • Shorthand for HashTable::new().build(scope).
  • Shorthand for HashTableV2::new().build(scope).
  • Shorthand for HistogramFixedWidth::new().build(values, value_range, nbins, scope).
  • Shorthand for HistogramSummary::new().build(tag, values, scope).
  • Shorthand for HostConst::new().build(scope).
  • Shorthand for HSVToRGB::new().build(images, scope).
  • Shorthand for Identity::new().build(input, scope).
  • Shorthand for IdentityN::new().build(input, scope).
  • Shorthand for IdentityReader::new().build(scope).
  • Shorthand for IdentityReaderV2::new().build(scope).
  • Shorthand for If::new().build(cond, input, scope).
  • Shorthand for IFFT::new().build(input, scope).
  • Shorthand for IFFT2D::new().build(input, scope).
  • Shorthand for IFFT3D::new().build(input, scope).
  • Shorthand for Igamma::new().build(a, x, scope).
  • Shorthand for IgammaGradA::new().build(a, x, scope).
  • Shorthand for Igammac::new().build(a, x, scope).
  • Shorthand for IgnoreErrorsDataset::new().build(input_dataset, scope).
  • Shorthand for Imag::new().build(input, scope).
  • Shorthand for ImageProjectiveTransformV2::new().build(images, transforms, output_shape, scope).
  • Shorthand for ImageProjectiveTransformV3::new().build(images, transforms, output_shape, fill_value, scope).
  • Shorthand for ImageSummary::new().build(tag, tensor, scope).
  • Shorthand for ImmutableConst::new().build(scope).
  • Shorthand for ImportEvent::new().build(writer, event, scope).
  • Shorthand for InTopK::new().build(predictions, targets, scope).
  • Shorthand for InTopKV2::new().build(predictions, targets, k, scope).
  • Shorthand for InfeedDequeue::new().build(scope).
  • Shorthand for InfeedDequeueTuple::new().build(scope).
  • Shorthand for InfeedEnqueue::new().build(input, scope).
  • Shorthand for InfeedEnqueuePrelinearizedBuffer::new().build(input, scope).
  • Shorthand for InfeedEnqueueTuple::new().build(inputs, scope).
  • Shorthand for InitializeTable::new().build(table_handle, keys, values, scope).
  • Shorthand for InitializeTableFromDataset::new().build(table_handle, dataset, scope).
  • Shorthand for InitializeTableFromTextFile::new().build(table_handle, filename, scope).
  • Shorthand for InitializeTableFromTextFileV2::new().build(table_handle, filename, scope).
  • Shorthand for InitializeTableV2::new().build(table_handle, keys, values, scope).
  • Shorthand for InplaceAdd::new().build(x, i, v, scope).
  • Shorthand for InplaceSub::new().build(x, i, v, scope).
  • Shorthand for InplaceUpdate::new().build(x, i, v, scope).
  • Shorthand for InterleaveDataset::new().build(input_dataset, other_arguments, cycle_length, block_length, scope).
  • Shorthand for Inv::new().build(x, scope).
  • Shorthand for InvGrad::new().build(y, dy, scope).
  • Shorthand for Invert::new().build(x, scope).
  • Shorthand for InvertPermutation::new().build(x, scope).
  • Shorthand for IRFFT::new().build(input, fft_length, scope).
  • Shorthand for IRFFT2D::new().build(input, fft_length, scope).
  • Shorthand for IRFFT3D::new().build(input, fft_length, scope).
  • Shorthand for IsBoostedTreesEnsembleInitialized::new().build(tree_ensemble_handle, scope).
  • Shorthand for IsBoostedTreesQuantileStreamResourceInitialized::new().build(quantile_stream_resource_handle, scope).
  • Shorthand for IsFinite::new().build(x, scope).
  • Shorthand for IsInf::new().build(x, scope).
  • Shorthand for IsNan::new().build(x, scope).
  • Shorthand for IsTPUEmbeddingInitialized::new().build(scope).
  • Shorthand for IsVariableInitialized::new().build(ref_, scope).
  • Shorthand for IsotonicRegression::new().build(input, scope).
  • Shorthand for Iterator::new().build(scope).
  • Shorthand for IteratorFromStringHandle::new().build(string_handle, scope).
  • Shorthand for IteratorFromStringHandleV2::new().build(string_handle, scope).
  • Shorthand for IteratorGetDevice::new().build(resource, scope).
  • Shorthand for IteratorGetNext::new().build(iterator, scope).
  • Shorthand for IteratorGetNextAsOptional::new().build(iterator, scope).
  • Shorthand for IteratorGetNextSync::new().build(iterator, scope).
  • Shorthand for IteratorToStringHandle::new().build(resource_handle, scope).
  • Shorthand for IteratorV2::new().build(scope).
  • Shorthand for KMC2ChainInitialization::new().build(distances, seed, scope).
  • Shorthand for KmeansPlusPlusInitialization::new().build(points, num_to_sample, seed, num_retries_per_sample, scope).
  • Shorthand for KthOrderStatistic::new().build(input, scope).
  • Shorthand for L2Loss::new().build(t, scope).
  • Shorthand for LatencyStatsDataset::new().build(input_dataset, tag, scope).
  • Shorthand for LeakyRelu::new().build(features, scope).
  • Shorthand for LeakyReluGrad::new().build(gradients, features, scope).
  • Shorthand for LearnedUnigramCandidateSampler::new().build(true_classes, scope).
  • Shorthand for LeftShift::new().build(x, y, scope).
  • Shorthand for LegacyParallelInterleaveDatasetV2::new().build(input_dataset, other_arguments, cycle_length, block_length, buffer_output_elements, prefetch_input_elements, scope).
  • Shorthand for Less::new().build(x, y, scope).
  • Shorthand for LessEqual::new().build(x, y, scope).
  • Shorthand for Lgamma::new().build(x, scope).
  • Shorthand for LinSpace::new().build(start, stop, num, scope).
  • Shorthand for ListDataset::new().build(tensors, scope).
  • Shorthand for ListDiff::new().build(x, y, scope).
  • Shorthand for LMDBDataset::new().build(filenames, scope).
  • Shorthand for LMDBReader::new().build(scope).
  • Shorthand for LoadAllTPUEmbeddingParameters::new().build(parameters, auxiliary1, auxiliary2, auxiliary3, auxiliary4, auxiliary5, auxiliary6, auxiliary7, scope).
  • Shorthand for LoadAndRemapMatrix::new().build(ckpt_path, old_tensor_name, row_remapping, col_remapping, initializing_values, scope).
  • Shorthand for LoadDataset::new().build(path, reader_func_other_args, scope).
  • Shorthand for LoadTPUEmbeddingAdadeltaParameters::new().build(parameters, accumulators, updates, scope).
  • Shorthand for LoadTPUEmbeddingAdagradMomentumParameters::new().build(parameters, accumulators, momenta, scope).
  • Shorthand for LoadTPUEmbeddingAdagradParameters::new().build(parameters, accumulators, scope).
  • Shorthand for LoadTPUEmbeddingADAMParameters::new().build(parameters, momenta, velocities, scope).
  • Shorthand for LoadTPUEmbeddingCenteredRMSPropParameters::new().build(parameters, ms, mom, mg, scope).
  • Shorthand for LoadTPUEmbeddingFrequencyEstimatorParameters::new().build(parameters, last_hit_step, scope).
  • Shorthand for LoadTPUEmbeddingFTRLParameters::new().build(parameters, accumulators, linears, scope).
  • Shorthand for LoadTPUEmbeddingMDLAdagradLightParameters::new().build(parameters, accumulators, weights, benefits, scope).
  • Shorthand for LoadTPUEmbeddingMomentumParameters::new().build(parameters, momenta, scope).
  • Shorthand for LoadTPUEmbeddingProximalAdagradParameters::new().build(parameters, accumulators, scope).
  • Shorthand for LoadTPUEmbeddingProximalYogiParameters::new().build(parameters, v, m, scope).
  • Shorthand for LoadTPUEmbeddingRMSPropParameters::new().build(parameters, ms, mom, scope).
  • Shorthand for LoadTPUEmbeddingStochasticGradientDescentParameters::new().build(parameters, scope).
  • Shorthand for Log::new().build(x, scope).
  • Shorthand for Log1p::new().build(x, scope).
  • Shorthand for LogMatrixDeterminant::new().build(input, scope).
  • Shorthand for LogSoftmax::new().build(logits, scope).
  • Shorthand for LogUniformCandidateSampler::new().build(true_classes, scope).
  • Shorthand for LogicalAnd::new().build(x, y, scope).
  • Shorthand for LogicalNot::new().build(x, scope).
  • Shorthand for LogicalOr::new().build(x, y, scope).
  • Shorthand for LookupTableExport::new().build(table_handle, scope).
  • Shorthand for LookupTableExportV2::new().build(table_handle, scope).
  • Shorthand for LookupTableFind::new().build(table_handle, keys, default_value, scope).
  • Shorthand for LookupTableFindV2::new().build(table_handle, keys, default_value, scope).
  • Shorthand for LookupTableImport::new().build(table_handle, keys, values, scope).
  • Shorthand for LookupTableImportV2::new().build(table_handle, keys, values, scope).
  • Shorthand for LookupTableInsert::new().build(table_handle, keys, values, scope).
  • Shorthand for LookupTableInsertV2::new().build(table_handle, keys, values, scope).
  • Shorthand for LookupTableRemoveV2::new().build(table_handle, keys, scope).
  • Shorthand for LookupTableSize::new().build(table_handle, scope).
  • Shorthand for LookupTableSizeV2::new().build(table_handle, scope).
  • Shorthand for LoopCond::new().build(input, scope).
  • Shorthand for LowerBound::new().build(sorted_inputs, values, scope).
  • Shorthand for LRN::new().build(input, scope).
  • Shorthand for LRNGrad::new().build(input_grads, input_image, output_image, scope).
  • Shorthand for LSTMBlockCell::new().build(x, cs_prev, h_prev, w, wci, wcf, wco, b, scope).
  • Shorthand for LSTMBlockCellGrad::new().build(x, cs_prev, h_prev, w, wci, wcf, wco, b, i, cs, f, o, ci, co, cs_grad, h_grad, scope).
  • Shorthand for Lu::new().build(input, scope).
  • Shorthand for MakeIterator::new().build(dataset, iterator, scope).
  • Shorthand for MakeUnique::new().build(input, scope).
  • Shorthand for MapAndBatchDataset::new().build(input_dataset, other_arguments, batch_size, num_parallel_calls, drop_remainder, scope).
  • Shorthand for MapClear::new().build(scope).
  • Shorthand for MapDataset::new().build(input_dataset, other_arguments, scope).
  • Shorthand for MapDefun::new().build(arguments, captured_inputs, scope).
  • Shorthand for MapIncompleteSize::new().build(scope).
  • Shorthand for MapPeek::new().build(key, indices, scope).
  • Shorthand for MapSize::new().build(scope).
  • Shorthand for MapStage::new().build(key, indices, values, scope).
  • Shorthand for MapUnstage::new().build(key, indices, scope).
  • Shorthand for MapUnstageNoKey::new().build(indices, scope).
  • Shorthand for MatMul::new().build(a, b, scope).
  • Shorthand for MatchingFiles::new().build(pattern, scope).
  • Shorthand for MatchingFilesDataset::new().build(patterns, scope).
  • Shorthand for MatrixBandPart::new().build(input, num_lower, num_upper, scope).
  • Shorthand for MatrixDeterminant::new().build(input, scope).
  • Shorthand for MatrixDiag::new().build(diagonal, scope).
  • Shorthand for MatrixDiagPart::new().build(input, scope).
  • Shorthand for MatrixDiagPartV2::new().build(input, k, padding_value, scope).
  • Shorthand for MatrixDiagPartV3::new().build(input, k, padding_value, scope).
  • Shorthand for MatrixDiagV2::new().build(diagonal, k, num_rows, num_cols, padding_value, scope).
  • Shorthand for MatrixDiagV3::new().build(diagonal, k, num_rows, num_cols, padding_value, scope).
  • Shorthand for MatrixExponential::new().build(input, scope).
  • Shorthand for MatrixInverse::new().build(input, scope).
  • Shorthand for MatrixLogarithm::new().build(input, scope).
  • Shorthand for MatrixSetDiag::new().build(input, diagonal, scope).
  • Shorthand for MatrixSetDiagV2::new().build(input, diagonal, k, scope).
  • Shorthand for MatrixSetDiagV3::new().build(input, diagonal, k, scope).
  • Shorthand for MatrixSolve::new().build(matrix, rhs, scope).
  • Shorthand for MatrixSolveLs::new().build(matrix, rhs, l2_regularizer, scope).
  • Shorthand for MatrixSquareRoot::new().build(input, scope).
  • Shorthand for MatrixTriangularSolve::new().build(matrix, rhs, scope).
  • Shorthand for Max::new().build(input, reduction_indices, scope).
  • Shorthand for MaxIntraOpParallelismDataset::new().build(input_dataset, max_intra_op_parallelism, scope).
  • Shorthand for MaxPool::new().build(input, scope).
  • Shorthand for MaxPool3D::new().build(input, scope).
  • Shorthand for MaxPool3DGrad::new().build(orig_input, orig_output, grad, scope).
  • Shorthand for MaxPool3DGradGrad::new().build(orig_input, orig_output, grad, scope).
  • Shorthand for MaxPoolGrad::new().build(orig_input, orig_output, grad, scope).
  • Shorthand for MaxPoolGradGrad::new().build(orig_input, orig_output, grad, scope).
  • Shorthand for MaxPoolGradGradV2::new().build(orig_input, orig_output, grad, ksize, strides, scope).
  • Shorthand for MaxPoolGradGradWithArgmax::new().build(input, grad, argmax, scope).
  • Shorthand for MaxPoolGradV2::new().build(orig_input, orig_output, grad, ksize, strides, scope).
  • Shorthand for MaxPoolGradWithArgmax::new().build(input, grad, argmax, scope).
  • Shorthand for MaxPoolV2::new().build(input, ksize, strides, scope).
  • Shorthand for MaxPoolWithArgmax::new().build(input, scope).
  • Shorthand for Maximum::new().build(x, y, scope).
  • Shorthand for Mean::new().build(input, reduction_indices, scope).
  • Shorthand for Merge::new().build(inputs, scope).
  • Shorthand for MergeDedupData::new().build(integer_tensor, float_tensor, scope).
  • Shorthand for MergeSummary::new().build(inputs, scope).
  • Shorthand for MergeV2Checkpoints::new().build(checkpoint_prefixes, destination_prefix, scope).
  • Shorthand for Mfcc::new().build(spectrogram, sample_rate, scope).
  • Shorthand for Min::new().build(input, reduction_indices, scope).
  • Shorthand for Minimum::new().build(x, y, scope).
  • Shorthand for MirrorPad::new().build(input, paddings, scope).
  • Shorthand for MirrorPadGrad::new().build(input, paddings, scope).
  • Shorthand for MlirPassthroughOp::new().build(inputs, scope).
  • Shorthand for Mod::new().build(x, y, scope).
  • Shorthand for ModelDataset::new().build(input_dataset, scope).
  • Shorthand for Mul::new().build(x, y, scope).
  • Shorthand for MulNoNan::new().build(x, y, scope).
  • Shorthand for MultiDeviceIterator::new().build(scope).
  • Shorthand for MultiDeviceIteratorFromStringHandle::new().build(string_handle, scope).
  • Shorthand for MultiDeviceIteratorGetNextFromShard::new().build(multi_device_iterator, shard_num, incarnation_id, scope).
  • Shorthand for MultiDeviceIteratorInit::new().build(dataset, multi_device_iterator, max_buffer_size, scope).
  • Shorthand for MultiDeviceIteratorToStringHandle::new().build(multi_device_iterator, scope).
  • Shorthand for Multinomial::new().build(logits, num_samples, scope).
  • multiplyDeprecated
    Shorthand for Multiply::new().build(scope), a, b).
  • Shorthand for MutableDenseHashTable::new().build(empty_key, scope).
  • Shorthand for MutableDenseHashTableV2::new().build(empty_key, deleted_key, scope).
  • Shorthand for MutableHashTable::new().build(scope).
  • Shorthand for MutableHashTableOfTensors::new().build(scope).
  • Shorthand for MutableHashTableOfTensorsV2::new().build(scope).
  • Shorthand for MutableHashTableV2::new().build(scope).
  • Shorthand for MutexLock::new().build(mutex, scope).
  • Shorthand for MutexV2::new().build(scope).
  • Shorthand for NcclAllReduce::new().build(input, scope).
  • Shorthand for NcclBroadcast::new().build(input, scope).
  • Shorthand for NcclReduce::new().build(input, scope).
  • Shorthand for Ndtri::new().build(x, scope).
  • Shorthand for NearestNeighbors::new().build(points, centers, k, scope).
  • Shorthand for Neg::new().build(x, scope).
  • Shorthand for NegTrain::new().build(w_in, w_out, examples, labels, lr, scope).
  • Shorthand for NextAfter::new().build(x1, x2, scope).
  • Shorthand for NextIteration::new().build(data, scope).
  • Shorthand for NoOp::new().build(scope).
  • Shorthand for NonDeterministicInts::new().build(shape, scope).
  • Shorthand for NonMaxSuppression::new().build(boxes, scores, max_output_size, scope).
  • Shorthand for NonMaxSuppressionV2::new().build(boxes, scores, max_output_size, iou_threshold, scope).
  • Shorthand for NonMaxSuppressionV3::new().build(boxes, scores, max_output_size, iou_threshold, score_threshold, scope).
  • Shorthand for NonMaxSuppressionV4::new().build(boxes, scores, max_output_size, iou_threshold, score_threshold, scope).
  • Shorthand for NonMaxSuppressionV5::new().build(boxes, scores, max_output_size, iou_threshold, score_threshold, soft_nms_sigma, scope).
  • Shorthand for NonMaxSuppressionWithOverlaps::new().build(overlaps, scores, max_output_size, overlap_threshold, score_threshold, scope).
  • Shorthand for NonSerializableDataset::new().build(input_dataset, scope).
  • Shorthand for NotEqual::new().build(x, y, scope).
  • Shorthand for NthElement::new().build(input, n, scope).
  • Shorthand for OneHot::new().build(indices, depth, on_value, off_value, scope).
  • Shorthand for OneShotIterator::new().build(scope).
  • Shorthand for OnesLike::new().build(x, scope).
  • Shorthand for OptimizeDataset::new().build(input_dataset, optimizations, scope).
  • Shorthand for OptimizeDatasetV2::new().build(input_dataset, optimizations_enabled, optimizations_disabled, optimizations_default, scope).
  • Shorthand for OptionalFromValue::new().build(components, scope).
  • Shorthand for OptionalGetValue::new().build(optional, scope).
  • Shorthand for OptionalHasValue::new().build(optional, scope).
  • Shorthand for OptionalNone::new().build(scope).
  • Shorthand for OptionsDataset::new().build(input_dataset, scope).
  • Shorthand for OrderedMapClear::new().build(scope).
  • Shorthand for OrderedMapIncompleteSize::new().build(scope).
  • Shorthand for OrderedMapPeek::new().build(key, indices, scope).
  • Shorthand for OrderedMapSize::new().build(scope).
  • Shorthand for OrderedMapStage::new().build(key, indices, values, scope).
  • Shorthand for OrderedMapUnstage::new().build(key, indices, scope).
  • Shorthand for OrderedMapUnstageNoKey::new().build(indices, scope).
  • Shorthand for OutfeedDequeue::new().build(scope).
  • Shorthand for OutfeedDequeueTuple::new().build(scope).
  • Shorthand for OutfeedDequeueTupleV2::new().build(device_ordinal, scope).
  • Shorthand for OutfeedDequeueV2::new().build(device_ordinal, scope).
  • Shorthand for OutfeedEnqueue::new().build(input, scope).
  • Shorthand for OutfeedEnqueueTuple::new().build(inputs, scope).
  • Shorthand for Pack::new().build(values, scope).
  • Shorthand for Pad::new().build(input, paddings, scope).
  • Shorthand for PadV2::new().build(input, paddings, constant_values, scope).
  • Shorthand for PaddedBatchDataset::new().build(input_dataset, batch_size, padded_shapes, padding_values, scope).
  • Shorthand for PaddedBatchDatasetV2::new().build(input_dataset, batch_size, padded_shapes, padding_values, drop_remainder, scope).
  • Shorthand for PaddingFIFOQueue::new().build(scope).
  • Shorthand for PaddingFIFOQueueV2::new().build(scope).
  • Shorthand for ParallelBatchDataset::new().build(input_dataset, batch_size, num_parallel_calls, drop_remainder, scope).
  • Shorthand for ParallelConcat::new().build(values, scope).
  • Shorthand for ParallelDynamicStitch::new().build(indices, data, scope).
  • Shorthand for ParallelFilterDataset::new().build(input_dataset, other_arguments, num_parallel_calls, scope).
  • Shorthand for ParallelInterleaveDataset::new().build(input_dataset, other_arguments, cycle_length, block_length, sloppy, buffer_output_elements, prefetch_input_elements, scope).
  • Shorthand for ParallelInterleaveDatasetV2::new().build(input_dataset, other_arguments, cycle_length, block_length, num_parallel_calls, scope).
  • Shorthand for ParallelInterleaveDatasetV3::new().build(input_dataset, other_arguments, cycle_length, block_length, num_parallel_calls, scope).
  • Shorthand for ParallelInterleaveDatasetV4::new().build(input_dataset, other_arguments, cycle_length, block_length, buffer_output_elements, prefetch_input_elements, num_parallel_calls, scope).
  • Shorthand for ParallelMapDataset::new().build(input_dataset, other_arguments, num_parallel_calls, scope).
  • Shorthand for ParallelMapDatasetV2::new().build(input_dataset, other_arguments, num_parallel_calls, scope).
  • Shorthand for ParameterizedTruncatedNormal::new().build(shape, means, stdevs, minvals, maxvals, scope).
  • Shorthand for ParseExample::new().build(serialized, names, sparse_keys, dense_keys, dense_defaults, scope).
  • Shorthand for ParseExampleDataset::new().build(input_dataset, num_parallel_calls, dense_defaults, scope).
  • Shorthand for ParseExampleDatasetV2::new().build(input_dataset, num_parallel_calls, dense_defaults, scope).
  • Shorthand for ParseExampleV2::new().build(serialized, names, sparse_keys, dense_keys, ragged_keys, dense_defaults, scope).
  • Shorthand for ParseSequenceExample::new().build(serialized, debug_name, context_dense_defaults, scope).
  • Shorthand for ParseSequenceExampleV2::new().build(serialized, debug_name, context_sparse_keys, context_dense_keys, context_ragged_keys, feature_list_sparse_keys, feature_list_dense_keys, feature_list_ragged_keys, feature_list_dense_missing_assumed_empty, context_dense_defaults, scope).
  • Shorthand for ParseSingleExample::new().build(serialized, dense_defaults, scope).
  • Shorthand for ParseSingleSequenceExample::new().build(serialized, feature_list_dense_missing_assumed_empty, context_sparse_keys, context_dense_keys, feature_list_sparse_keys, feature_list_dense_keys, context_dense_defaults, debug_name, scope).
  • Shorthand for ParseTensor::new().build(serialized, scope).
  • Shorthand for PartitionedCall::new().build(args, scope).
  • Shorthand for Placeholder::new().build(scope).
  • Shorthand for PlaceholderV2::new().build(scope).
  • Shorthand for PlaceholderWithDefault::new().build(input, scope).
  • Shorthand for Polygamma::new().build(a, x, scope).
  • Shorthand for PopulationCount::new().build(x, scope).
  • Shorthand for Pow::new().build(x, y, scope).
  • Shorthand for PrefetchDataset::new().build(input_dataset, buffer_size, scope).
  • Shorthand for Prelinearize::new().build(input, scope).
  • Shorthand for PrelinearizeTuple::new().build(inputs, scope).
  • Shorthand for PreventGradient::new().build(input, scope).
  • Shorthand for Print::new().build(input, data, scope).
  • Shorthand for PrintV2::new().build(input, scope).
  • Shorthand for PriorityQueue::new().build(scope).
  • Shorthand for PriorityQueueV2::new().build(scope).
  • Shorthand for PrivateThreadPoolDataset::new().build(input_dataset, num_threads, scope).
  • Shorthand for Prod::new().build(input, reduction_indices, scope).
  • Shorthand for PyFunc::new().build(input, scope).
  • Shorthand for PyFuncStateless::new().build(input, scope).
  • Shorthand for Qr::new().build(input, scope).
  • Shorthand for QuantizeAndDequantize::new().build(input, scope).
  • Shorthand for QuantizeAndDequantizeV2::new().build(input, input_min, input_max, scope).
  • Shorthand for QuantizeAndDequantizeV3::new().build(input, input_min, input_max, num_bits, scope).
  • Shorthand for QuantizeAndDequantizeV4::new().build(input, input_min, input_max, scope).
  • Shorthand for QuantizeAndDequantizeV4Grad::new().build(gradients, input, input_min, input_max, scope).
  • Shorthand for QuantizeDownAndShrinkRange::new().build(input, input_min, input_max, scope).
  • Shorthand for QuantizeV2::new().build(input, min_range, max_range, scope).
  • Shorthand for QuantizedAdd::new().build(x, y, min_x, max_x, min_y, max_y, scope).
  • Shorthand for QuantizedAvgPool::new().build(input, min_input, max_input, scope).
  • Shorthand for QuantizedBatchNormWithGlobalNormalization::new().build(t, t_min, t_max, m, m_min, m_max, v, v_min, v_max, beta, beta_min, beta_max, gamma, gamma_min, gamma_max, scope).
  • Shorthand for QuantizedBiasAdd::new().build(input, bias, min_input, max_input, min_bias, max_bias, scope).
  • Shorthand for QuantizedConcat::new().build(concat_dim, values, input_mins, input_maxes, scope).
  • Shorthand for QuantizedConv2D::new().build(input, filter, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedConv2DAndRelu::new().build(input, filter, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedConv2DAndReluAndRequantize::new().build(input, filter, min_input, max_input, min_filter, max_filter, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedConv2DAndRequantize::new().build(input, filter, min_input, max_input, min_filter, max_filter, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedConv2DPerChannel::new().build(input, filter, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedConv2DWithBias::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedConv2DWithBiasAndRelu::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedConv2DWithBiasAndReluAndRequantize::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedConv2DWithBiasAndRequantize::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedConv2DWithBiasSignedSumAndReluAndRequantize::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, min_freezed_output, max_freezed_output, summand, min_summand, max_summand, scope).
  • Shorthand for QuantizedConv2DWithBiasSumAndRelu::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, summand, scope).
  • Shorthand for QuantizedConv2DWithBiasSumAndReluAndRequantize::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, min_freezed_output, max_freezed_output, summand, min_summand, max_summand, scope).
  • Shorthand for QuantizedDepthwiseConv2D::new().build(input, filter, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedDepthwiseConv2DWithBias::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedDepthwiseConv2DWithBiasAndRelu::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, scope).
  • Shorthand for QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize::new().build(input, filter, bias, min_input, max_input, min_filter, max_filter, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedInstanceNorm::new().build(x, x_min, x_max, scope).
  • Shorthand for QuantizedMatMul::new().build(a, b, min_a, max_a, min_b, max_b, scope).
  • Shorthand for QuantizedMatMulWithBias::new().build(a, b, bias, min_a, max_a, min_b, max_b, scope).
  • Shorthand for QuantizedMatMulWithBiasAndDequantize::new().build(a, b, bias, min_a, max_a, min_b, max_b, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedMatMulWithBiasAndRelu::new().build(a, b, bias, min_a, max_a, min_b, max_b, scope).
  • Shorthand for QuantizedMatMulWithBiasAndReluAndRequantize::new().build(a, b, bias, min_a, max_a, min_b, max_b, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedMatMulWithBiasAndRequantize::new().build(a, b, bias, min_a, max_a, min_b, max_b, min_freezed_output, max_freezed_output, scope).
  • Shorthand for QuantizedMaxPool::new().build(input, min_input, max_input, scope).
  • Shorthand for QuantizedMul::new().build(x, y, min_x, max_x, min_y, max_y, scope).
  • Shorthand for QuantizedRelu::new().build(features, min_features, max_features, scope).
  • Shorthand for QuantizedRelu6::new().build(features, min_features, max_features, scope).
  • Shorthand for QuantizedReluX::new().build(features, max_value, min_features, max_features, scope).
  • Shorthand for QuantizedReshape::new().build(tensor, shape, input_min, input_max, scope).
  • Shorthand for QuantizedResizeBilinear::new().build(images, size, min, max, scope).
  • Shorthand for QueueClose::new().build(handle, scope).
  • Shorthand for QueueCloseV2::new().build(handle, scope).
  • Shorthand for QueueDequeue::new().build(handle, scope).
  • Shorthand for QueueDequeueMany::new().build(handle, n, scope).
  • Shorthand for QueueDequeueManyV2::new().build(handle, n, scope).
  • Shorthand for QueueDequeueUpTo::new().build(handle, n, scope).
  • Shorthand for QueueDequeueUpToV2::new().build(handle, n, scope).
  • Shorthand for QueueDequeueV2::new().build(handle, scope).
  • Shorthand for QueueEnqueue::new().build(handle, components, scope).
  • Shorthand for QueueEnqueueMany::new().build(handle, components, scope).
  • Shorthand for QueueEnqueueManyV2::new().build(handle, components, scope).
  • Shorthand for QueueEnqueueV2::new().build(handle, components, scope).
  • Shorthand for QueueIsClosed::new().build(handle, scope).
  • Shorthand for QueueIsClosedV2::new().build(handle, scope).
  • Shorthand for QueueSize::new().build(handle, scope).
  • Shorthand for QueueSizeV2::new().build(handle, scope).
  • Shorthand for RaggedBincount::new().build(splits, values, size, weights, scope).
  • Shorthand for RaggedCountSparseOutput::new().build(splits, values, weights, scope).
  • Shorthand for RaggedCross::new().build(ragged_values, ragged_row_splits, sparse_indices, sparse_values, sparse_shape, dense_inputs, scope).
  • Shorthand for RaggedFillEmptyRows::new().build(value_rowids, values, nrows, default_value, scope).
  • Shorthand for RaggedFillEmptyRowsGrad::new().build(reverse_index_map, grad_values, scope).
  • Shorthand for RaggedGather::new().build(params_nested_splits, params_dense_values, indices, scope).
  • Shorthand for RaggedRange::new().build(starts, limits, deltas, scope).
  • Shorthand for RaggedTensorFromVariant::new().build(encoded_ragged, scope).
  • Shorthand for RaggedTensorToSparse::new().build(rt_nested_splits, rt_dense_values, scope).
  • Shorthand for RaggedTensorToTensor::new().build(shape, values, default_value, row_partition_tensors, scope).
  • Shorthand for RaggedTensorToVariant::new().build(rt_nested_splits, rt_dense_values, scope).
  • Shorthand for RaggedTensorToVariantGradient::new().build(encoded_ragged_grad, row_splits, dense_values_shape, scope).
  • Shorthand for RandomCrop::new().build(image, size, scope).
  • Shorthand for RandomDataset::new().build(seed, seed2, scope).
  • Shorthand for RandomDatasetV2::new().build(seed, seed2, seed_generator, scope).
  • Shorthand for RandomGamma::new().build(shape, alpha, scope).
  • Shorthand for RandomGammaGrad::new().build(alpha, sample, scope).
  • Shorthand for RandomIndexShuffle::new().build(index, seed, max_index, scope).
  • random_normalDeprecated
    Shorthand for RandomNormal::new().build(scope), x).
  • Shorthand for RandomPoisson::new().build(shape, rate, scope).
  • Shorthand for RandomPoissonV2::new().build(shape, rate, scope).
  • Shorthand for RandomShuffle::new().build(value, scope).
  • Shorthand for RandomShuffleQueue::new().build(scope).
  • Shorthand for RandomShuffleQueueV2::new().build(scope).
  • Shorthand for RandomStandardNormal::new().build(shape, scope).
  • Shorthand for RandomUniform::new().build(shape, scope).
  • Shorthand for RandomUniformInt::new().build(shape, minval, maxval, scope).
  • Shorthand for Range::new().build(start, limit, delta, scope).
  • Shorthand for RangeDataset::new().build(start, stop, step, scope).
  • Shorthand for Rank::new().build(input, scope).
  • Shorthand for ReadFile::new().build(filename, scope).
  • Shorthand for ReadVariableOp::new().build(resource, scope).
  • Shorthand for ReadVariableXlaSplitND::new().build(resource, scope).
  • Shorthand for ReaderNumRecordsProduced::new().build(reader_handle, scope).
  • Shorthand for ReaderNumRecordsProducedV2::new().build(reader_handle, scope).
  • Shorthand for ReaderNumWorkUnitsCompleted::new().build(reader_handle, scope).
  • Shorthand for ReaderNumWorkUnitsCompletedV2::new().build(reader_handle, scope).
  • Shorthand for ReaderRead::new().build(reader_handle, queue_handle, scope).
  • Shorthand for ReaderReadUpTo::new().build(reader_handle, queue_handle, num_records, scope).
  • Shorthand for ReaderReadUpToV2::new().build(reader_handle, queue_handle, num_records, scope).
  • Shorthand for ReaderReadV2::new().build(reader_handle, queue_handle, scope).
  • Shorthand for ReaderReset::new().build(reader_handle, scope).
  • Shorthand for ReaderResetV2::new().build(reader_handle, scope).
  • Shorthand for ReaderRestoreState::new().build(reader_handle, state, scope).
  • Shorthand for ReaderRestoreStateV2::new().build(reader_handle, state, scope).
  • Shorthand for ReaderSerializeState::new().build(reader_handle, scope).
  • Shorthand for ReaderSerializeStateV2::new().build(reader_handle, scope).
  • Shorthand for Real::new().build(input, scope).
  • Shorthand for RealDiv::new().build(x, y, scope).
  • Shorthand for RebatchDataset::new().build(input_dataset, num_replicas, scope).
  • Shorthand for RebatchDatasetV2::new().build(input_dataset, batch_sizes, drop_remainder, scope).
  • Shorthand for Reciprocal::new().build(x, scope).
  • Shorthand for ReciprocalGrad::new().build(y, dy, scope).
  • Shorthand for RecordInput::new().build(scope).
  • Shorthand for Recv::new().build(scope).
  • Shorthand for RecvTPUEmbeddingActivations::new().build(scope).
  • Shorthand for ReduceDataset::new().build(input_dataset, initial_state, other_arguments, scope).
  • Shorthand for ReduceJoin::new().build(inputs, reduction_indices, scope).
  • Shorthand for RefEnter::new().build(data, scope).
  • Shorthand for RefExit::new().build(data, scope).
  • Shorthand for RefIdentity::new().build(input, scope).
  • Shorthand for RefMerge::new().build(inputs, scope).
  • Shorthand for RefNextIteration::new().build(data, scope).
  • Shorthand for RefSelect::new().build(index, inputs, scope).
  • Shorthand for RefSwitch::new().build(data, pred, scope).
  • Shorthand for RegexFullMatch::new().build(input, pattern, scope).
  • Shorthand for RegexReplace::new().build(input, pattern, rewrite, scope).
  • Shorthand for RegisterDataset::new().build(dataset, address, protocol, scope).
  • Shorthand for RegisterDatasetV2::new().build(dataset, address, protocol, scope).
  • Shorthand for Relayout::new().build(input, scope).
  • Shorthand for RelayoutGrad::new().build(input, forward_input, scope).
  • Shorthand for Relu::new().build(features, scope).
  • Shorthand for Relu6::new().build(features, scope).
  • Shorthand for Relu6Grad::new().build(gradients, features, scope).
  • Shorthand for ReluGrad::new().build(gradients, features, scope).
  • Shorthand for RemoteCall::new().build(target, args, scope).
  • Shorthand for RepeatDataset::new().build(input_dataset, count, scope).
  • Shorthand for RequantizationRange::new().build(input, input_min, input_max, scope).
  • Shorthand for RequantizationRangePerChannel::new().build(input, input_min, input_max, scope).
  • Shorthand for Requantize::new().build(input, input_min, input_max, requested_output_min, requested_output_max, scope).
  • Shorthand for RequantizePerChannel::new().build(input, input_min, input_max, requested_output_min, requested_output_max, scope).
  • Shorthand for Reshape::new().build(tensor, shape, scope).
  • Shorthand for ResizeArea::new().build(images, size, scope).
  • Shorthand for ResizeBicubic::new().build(images, size, scope).
  • Shorthand for ResizeBicubicGrad::new().build(grads, original_image, scope).
  • Shorthand for ResizeBilinear::new().build(images, size, scope).
  • Shorthand for ResizeBilinearGrad::new().build(grads, original_image, scope).
  • Shorthand for ResizeNearestNeighbor::new().build(images, size, scope).
  • Shorthand for ResizeNearestNeighborGrad::new().build(grads, size, scope).
  • Shorthand for ResourceAccumulatorApplyGradient::new().build(handle, local_step, gradient, scope).
  • Shorthand for ResourceAccumulatorNumAccumulated::new().build(handle, scope).
  • Shorthand for ResourceAccumulatorSetGlobalStep::new().build(handle, new_global_step, scope).
  • Shorthand for ResourceAccumulatorTakeGradient::new().build(handle, num_required, scope).
  • Shorthand for ResourceApplyAdaMax::new().build(var, m, v, beta1_power, lr, beta1, beta2, epsilon, grad, scope).
  • Shorthand for ResourceApplyAdadelta::new().build(var, accum, accum_update, lr, rho, epsilon, grad, scope).
  • Shorthand for ResourceApplyAdagrad::new().build(var, accum, lr, grad, scope).
  • Shorthand for ResourceApplyAdagradDA::new().build(var, gradient_accumulator, gradient_squared_accumulator, grad, lr, l1, l2, global_step, scope).
  • Shorthand for ResourceApplyAdagradV2::new().build(var, accum, lr, epsilon, grad, scope).
  • Shorthand for ResourceApplyAdam::new().build(var, m, v, beta1_power, beta2_power, lr, beta1, beta2, epsilon, grad, scope).
  • Shorthand for ResourceApplyAdamWithAmsgrad::new().build(var, m, v, vhat, beta1_power, beta2_power, lr, beta1, beta2, epsilon, grad, scope).
  • Shorthand for ResourceApplyAddSign::new().build(var, m, lr, alpha, sign_decay, beta, grad, scope).
  • Shorthand for ResourceApplyCenteredRMSProp::new().build(var, mg, ms, mom, lr, rho, momentum, epsilon, grad, scope).
  • Shorthand for ResourceApplyFtrl::new().build(var, accum, linear, grad, lr, l1, l2, lr_power, scope).
  • Shorthand for ResourceApplyFtrlV2::new().build(var, accum, linear, grad, lr, l1, l2, l2_shrinkage, lr_power, scope).
  • Shorthand for ResourceApplyGradientDescent::new().build(var, alpha, delta, scope).
  • Shorthand for ResourceApplyKerasMomentum::new().build(var, accum, lr, grad, momentum, scope).
  • Shorthand for ResourceApplyMomentum::new().build(var, accum, lr, grad, momentum, scope).
  • Shorthand for ResourceApplyPowerSign::new().build(var, m, lr, logbase, sign_decay, beta, grad, scope).
  • Shorthand for ResourceApplyProximalAdagrad::new().build(var, accum, lr, l1, l2, grad, scope).
  • Shorthand for ResourceApplyProximalGradientDescent::new().build(var, alpha, l1, l2, delta, scope).
  • Shorthand for ResourceApplyRMSProp::new().build(var, ms, mom, lr, rho, momentum, epsilon, grad, scope).
  • Shorthand for ResourceConditionalAccumulator::new().build(scope).
  • Shorthand for ResourceCountUpTo::new().build(resource, scope).
  • Shorthand for ResourceGather::new().build(resource, indices, scope).
  • Shorthand for ResourceGatherNd::new().build(resource, indices, scope).
  • Shorthand for ResourceScatterAdd::new().build(resource, indices, updates, scope).
  • Shorthand for ResourceScatterDiv::new().build(resource, indices, updates, scope).
  • Shorthand for ResourceScatterMax::new().build(resource, indices, updates, scope).
  • Shorthand for ResourceScatterMin::new().build(resource, indices, updates, scope).
  • Shorthand for ResourceScatterMul::new().build(resource, indices, updates, scope).
  • Shorthand for ResourceScatterNdAdd::new().build(ref_, indices, updates, scope).
  • Shorthand for ResourceScatterNdMax::new().build(ref_, indices, updates, scope).
  • Shorthand for ResourceScatterNdMin::new().build(ref_, indices, updates, scope).
  • Shorthand for ResourceScatterNdSub::new().build(ref_, indices, updates, scope).
  • Shorthand for ResourceScatterNdUpdate::new().build(ref_, indices, updates, scope).
  • Shorthand for ResourceScatterSub::new().build(resource, indices, updates, scope).
  • Shorthand for ResourceScatterUpdate::new().build(resource, indices, updates, scope).
  • Shorthand for ResourceSparseApplyAdadelta::new().build(var, accum, accum_update, lr, rho, epsilon, grad, indices, scope).
  • Shorthand for ResourceSparseApplyAdagrad::new().build(var, accum, lr, grad, indices, scope).
  • Shorthand for ResourceSparseApplyAdagradDA::new().build(var, gradient_accumulator, gradient_squared_accumulator, grad, indices, lr, l1, l2, global_step, scope).
  • Shorthand for ResourceSparseApplyAdagradV2::new().build(var, accum, lr, epsilon, grad, indices, scope).
  • Shorthand for ResourceSparseApplyCenteredRMSProp::new().build(var, mg, ms, mom, lr, rho, momentum, epsilon, grad, indices, scope).
  • Shorthand for ResourceSparseApplyFtrl::new().build(var, accum, linear, grad, indices, lr, l1, l2, lr_power, scope).
  • Shorthand for ResourceSparseApplyFtrlV2::new().build(var, accum, linear, grad, indices, lr, l1, l2, l2_shrinkage, lr_power, scope).
  • Shorthand for ResourceSparseApplyKerasMomentum::new().build(var, accum, lr, grad, indices, momentum, scope).
  • Shorthand for ResourceSparseApplyMomentum::new().build(var, accum, lr, grad, indices, momentum, scope).
  • Shorthand for ResourceSparseApplyProximalAdagrad::new().build(var, accum, lr, l1, l2, grad, indices, scope).
  • Shorthand for ResourceSparseApplyProximalGradientDescent::new().build(var, alpha, l1, l2, grad, indices, scope).
  • Shorthand for ResourceSparseApplyRMSProp::new().build(var, ms, mom, lr, rho, momentum, epsilon, grad, indices, scope).
  • Shorthand for ResourceStridedSliceAssign::new().build(ref_, begin, end, strides, value, scope).
  • Shorthand for Restore::new().build(file_pattern, tensor_name, scope).
  • Shorthand for RestoreSlice::new().build(file_pattern, tensor_name, shape_and_slice, scope).
  • Shorthand for RestoreV2::new().build(prefix, tensor_names, shape_and_slices, scope).
  • Shorthand for RetrieveAllTPUEmbeddingParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingAdadeltaParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingAdagradMomentumParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingAdagradParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingADAMParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingCenteredRMSPropParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingFrequencyEstimatorParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingFTRLParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingMDLAdagradLightParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingMomentumParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingProximalAdagradParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingProximalYogiParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingRMSPropParameters::new().build(scope).
  • Shorthand for RetrieveTPUEmbeddingStochasticGradientDescentParameters::new().build(scope).
  • Shorthand for Reverse::new().build(tensor, dims, scope).
  • Shorthand for ReverseSequence::new().build(input, seq_lengths, scope).
  • Shorthand for ReverseV2::new().build(tensor, axis, scope).
  • Shorthand for RewriteDataset::new().build(input_dataset, rewrite_name, scope).
  • Shorthand for RFFT::new().build(input, fft_length, scope).
  • Shorthand for RFFT2D::new().build(input, fft_length, scope).
  • Shorthand for RFFT3D::new().build(input, fft_length, scope).
  • Shorthand for RGBToHSV::new().build(images, scope).
  • Shorthand for RightShift::new().build(x, y, scope).
  • Shorthand for Rint::new().build(x, scope).
  • Shorthand for RiscAbs::new().build(x, scope).
  • Shorthand for RiscAdd::new().build(x, y, scope).
  • Shorthand for RiscBinaryArithmetic::new().build(x, y, scope).
  • Shorthand for RiscBinaryComparison::new().build(x, y, scope).
  • Shorthand for RiscBitcast::new().build(x, scope).
  • Shorthand for RiscBroadcast::new().build(input, shape, scope).
  • Shorthand for RiscCast::new().build(x, scope).
  • Shorthand for RiscCeil::new().build(x, scope).
  • Shorthand for RiscCholesky::new().build(input, scope).
  • Shorthand for RiscConcat::new().build(values, axis, scope).
  • Shorthand for RiscCondition::new().build(pred, input_true, input_false, scope).
  • Shorthand for RiscConv::new().build(input, filter, scope).
  • Shorthand for RiscCos::new().build(x, scope).
  • Shorthand for RiscDiv::new().build(x, y, scope).
  • Shorthand for RiscDot::new().build(a, b, scope).
  • Shorthand for RiscExp::new().build(x, scope).
  • Shorthand for RiscFft::new().build(input, scope).
  • Shorthand for RiscFloor::new().build(x, scope).
  • Shorthand for RiscGather::new().build(params, indices, axis, scope).
  • Shorthand for RiscImag::new().build(input, scope).
  • Shorthand for RiscIsFinite::new().build(x, scope).
  • Shorthand for RiscLog::new().build(x, scope).
  • Shorthand for RiscLogicalAnd::new().build(x, y, scope).
  • Shorthand for RiscLogicalNot::new().build(x, scope).
  • Shorthand for RiscLogicalOr::new().build(x, y, scope).
  • Shorthand for RiscMax::new().build(x, y, scope).
  • Shorthand for RiscMin::new().build(x, y, scope).
  • Shorthand for RiscMul::new().build(x, y, scope).
  • Shorthand for RiscNeg::new().build(x, scope).
  • Shorthand for RiscPad::new().build(input, paddings, constant_values, scope).
  • Shorthand for RiscPool::new().build(value, scope).
  • Shorthand for RiscPow::new().build(x, y, scope).
  • Shorthand for RiscRandomUniform::new().build(shape, scope).
  • Shorthand for RiscReal::new().build(input, scope).
  • Shorthand for RiscReduce::new().build(tensor, axis, scope).
  • Shorthand for RiscRem::new().build(x, y, scope).
  • Shorthand for RiscReshape::new().build(tensor, shape, scope).
  • Shorthand for RiscReverse::new().build(tensor, axis, scope).
  • Shorthand for RiscScatter::new().build(indices, updates, shape, scope).
  • Shorthand for RiscShape::new().build(input, scope).
  • Shorthand for RiscSign::new().build(x, scope).
  • Shorthand for RiscSlice::new().build(input, begin, size, scope).
  • Shorthand for RiscSort::new().build(input, axis, scope).
  • Shorthand for RiscSqueeze::new().build(input, scope).
  • Shorthand for RiscSub::new().build(x, y, scope).
  • Shorthand for RiscTranspose::new().build(x, perm, scope).
  • Shorthand for RiscTriangularSolve::new().build(matrix, rhs, scope).
  • Shorthand for RiscUnary::new().build(x, scope).
  • Shorthand for RiscWhile::new().build(input, scope).
  • Shorthand for RngReadAndSkip::new().build(resource, alg, delta, scope).
  • Shorthand for RngSkip::new().build(resource, algorithm, delta, scope).
  • Shorthand for Roll::new().build(input, shift, axis, scope).
  • Shorthand for Round::new().build(x, scope).
  • Shorthand for Rsqrt::new().build(x, scope).
  • Shorthand for RsqrtGrad::new().build(y, dy, scope).
  • Shorthand for SampleDistortedBoundingBox::new().build(image_size, bounding_boxes, scope).
  • Shorthand for SampleDistortedBoundingBoxV2::new().build(image_size, bounding_boxes, min_object_covered, scope).
  • Shorthand for SamplingDataset::new().build(input_dataset, rate, seed, seed2, scope).
  • Shorthand for Save::new().build(filename, tensor_names, data, scope).
  • Shorthand for SaveDataset::new().build(input_dataset, path, shard_func_other_args, scope).
  • Shorthand for SaveDatasetV2::new().build(input_dataset, path, shard_func_other_args, scope).
  • Shorthand for SaveSlices::new().build(filename, tensor_names, shapes_and_slices, data, scope).
  • Shorthand for SaveV2::new().build(prefix, tensor_names, shape_and_slices, tensors, scope).
  • Shorthand for ScalarSummary::new().build(tags, values, scope).
  • Shorthand for ScaleAndTranslate::new().build(images, size, scale, translation, scope).
  • Shorthand for ScaleAndTranslateGrad::new().build(grads, original_image, scale, translation, scope).
  • Shorthand for ScanDataset::new().build(input_dataset, initial_state, other_arguments, scope).
  • Shorthand for ScatterAdd::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterDiv::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterMax::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterMin::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterMul::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterNd::new().build(indices, updates, shape, scope).
  • Shorthand for ScatterNdAdd::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterNdMax::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterNdMin::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterNdNonAliasingAdd::new().build(input, indices, updates, scope).
  • Shorthand for ScatterNdSub::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterNdUpdate::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterSub::new().build(ref_, indices, updates, scope).
  • Shorthand for ScatterUpdate::new().build(ref_, indices, updates, scope).
  • Shorthand for SdcaFprint::new().build(input, scope).
  • Shorthand for SdcaOptimizer::new().build(sparse_example_indices, sparse_feature_indices, sparse_feature_values, dense_features, example_weights, example_labels, sparse_indices, sparse_weights, dense_weights, example_state_data, scope).
  • Shorthand for SdcaOptimizerV2::new().build(sparse_example_indices, sparse_feature_indices, sparse_feature_values, dense_features, example_weights, example_labels, sparse_indices, sparse_weights, dense_weights, example_state_data, scope).
  • Shorthand for SdcaShrinkL1::new().build(weights, scope).
  • Shorthand for SegmentMax::new().build(data, segment_ids, scope).
  • Shorthand for SegmentMaxV2::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for SegmentMean::new().build(data, segment_ids, scope).
  • Shorthand for SegmentMin::new().build(data, segment_ids, scope).
  • Shorthand for SegmentMinV2::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for SegmentProd::new().build(data, segment_ids, scope).
  • Shorthand for SegmentProdV2::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for SegmentSum::new().build(data, segment_ids, scope).
  • Shorthand for SegmentSumV2::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for Select::new().build(condition, t, e, scope).
  • Shorthand for SelectV2::new().build(condition, t, e, scope).
  • Shorthand for SelfAdjointEig::new().build(input, scope).
  • Shorthand for SelfAdjointEigV2::new().build(input, scope).
  • Shorthand for Selu::new().build(features, scope).
  • Shorthand for SeluGrad::new().build(gradients, outputs, scope).
  • Shorthand for Send::new().build(tensor, scope).
  • Shorthand for SendTPUEmbeddingGradients::new().build(inputs, learning_rates, scope).
  • Shorthand for SerializeIterator::new().build(resource_handle, scope).
  • Shorthand for SerializeManySparse::new().build(sparse_indices, sparse_values, sparse_shape, scope).
  • Shorthand for SerializeSparse::new().build(sparse_indices, sparse_values, sparse_shape, scope).
  • Shorthand for SerializeTensor::new().build(tensor, scope).
  • Shorthand for SetSize::new().build(set_indices, set_values, set_shape, scope).
  • Shorthand for SetStatsAggregatorDataset::new().build(input_dataset, stats_aggregator, tag, counter_prefix, scope).
  • Shorthand for Shape::new().build(input, scope).
  • Shorthand for ShapeN::new().build(input, scope).
  • Shorthand for ShardDataset::new().build(input_dataset, num_shards, index, scope).
  • Shorthand for ShardedFilename::new().build(basename, shard, num_shards, scope).
  • Shorthand for ShardedFilespec::new().build(basename, num_shards, scope).
  • Shorthand for ShuffleAndRepeatDataset::new().build(input_dataset, buffer_size, seed, seed2, count, scope).
  • Shorthand for ShuffleAndRepeatDatasetV2::new().build(input_dataset, buffer_size, seed, seed2, count, seed_generator, scope).
  • Shorthand for ShuffleDataset::new().build(input_dataset, buffer_size, seed, seed2, scope).
  • Shorthand for ShuffleDatasetV2::new().build(input_dataset, buffer_size, seed_generator, scope).
  • Shorthand for ShuffleDatasetV3::new().build(input_dataset, buffer_size, seed, seed2, seed_generator, scope).
  • Shorthand for ShutdownDistributedTPU::new().build(scope).
  • Shorthand for ShutdownTPUSystem::new().build(scope).
  • Shorthand for Sigmoid::new().build(x, scope).
  • Shorthand for SigmoidGrad::new().build(y, dy, scope).
  • Shorthand for Sign::new().build(x, scope).
  • Shorthand for Sin::new().build(x, scope).
  • Shorthand for Sinh::new().build(x, scope).
  • Shorthand for Size::new().build(input, scope).
  • Shorthand for SkipDataset::new().build(input_dataset, count, scope).
  • Shorthand for Skipgram::new().build(scope).
  • Shorthand for SleepDataset::new().build(input_dataset, sleep_microseconds, scope).
  • Shorthand for Slice::new().build(input, begin, size, scope).
  • Shorthand for SlidingWindowDataset::new().build(input_dataset, window_size, window_shift, window_stride, scope).
  • Shorthand for Snapshot::new().build(input, scope).
  • Shorthand for SnapshotChunkDataset::new().build(chunk_file, scope).
  • Shorthand for SnapshotDataset::new().build(input_dataset, path, scope).
  • Shorthand for SnapshotDatasetReader::new().build(shard_dir, start_index, scope).
  • Shorthand for SnapshotDatasetV2::new().build(input_dataset, path, reader_func_other_args, shard_func_other_args, scope).
  • Shorthand for SnapshotNestedDatasetReader::new().build(inputs, scope).
  • Shorthand for SobolSample::new().build(dim, num_results, skip, scope).
  • Shorthand for Softmax::new().build(logits, scope).
  • Shorthand for SoftmaxCrossEntropyWithLogits::new().build(features, labels, scope).
  • Shorthand for Softplus::new().build(features, scope).
  • Shorthand for SoftplusGrad::new().build(gradients, features, scope).
  • Shorthand for Softsign::new().build(features, scope).
  • Shorthand for SoftsignGrad::new().build(gradients, features, scope).
  • Shorthand for SpaceToBatch::new().build(input, paddings, scope).
  • Shorthand for SpaceToBatchND::new().build(input, block_shape, paddings, scope).
  • Shorthand for SpaceToDepth::new().build(input, scope).
  • Shorthand for SparseAccumulatorApplyGradient::new().build(handle, local_step, gradient_indices, gradient_values, gradient_shape, scope).
  • Shorthand for SparseAccumulatorTakeGradient::new().build(handle, num_required, scope).
  • Shorthand for SparseAdd::new().build(a_indices, a_values, a_shape, b_indices, b_values, b_shape, thresh, scope).
  • Shorthand for SparseAddGrad::new().build(backprop_val_grad, a_indices, b_indices, sum_indices, scope).
  • Shorthand for SparseApplyAdadelta::new().build(var, accum, accum_update, lr, rho, epsilon, grad, indices, scope).
  • Shorthand for SparseApplyAdagrad::new().build(var, accum, lr, grad, indices, scope).
  • Shorthand for SparseApplyAdagradDA::new().build(var, gradient_accumulator, gradient_squared_accumulator, grad, indices, lr, l1, l2, global_step, scope).
  • Shorthand for SparseApplyAdagradV2::new().build(var, accum, lr, epsilon, grad, indices, scope).
  • Shorthand for SparseApplyCenteredRMSProp::new().build(var, mg, ms, mom, lr, rho, momentum, epsilon, grad, indices, scope).
  • Shorthand for SparseApplyFtrl::new().build(var, accum, linear, grad, indices, lr, l1, l2, lr_power, scope).
  • Shorthand for SparseApplyFtrlV2::new().build(var, accum, linear, grad, indices, lr, l1, l2, l2_shrinkage, lr_power, scope).
  • Shorthand for SparseApplyMomentum::new().build(var, accum, lr, grad, indices, momentum, scope).
  • Shorthand for SparseApplyProximalAdagrad::new().build(var, accum, lr, l1, l2, grad, indices, scope).
  • Shorthand for SparseApplyProximalGradientDescent::new().build(var, alpha, l1, l2, grad, indices, scope).
  • Shorthand for SparseApplyRMSProp::new().build(var, ms, mom, lr, rho, momentum, epsilon, grad, indices, scope).
  • Shorthand for SparseBincount::new().build(indices, values, dense_shape, size, weights, scope).
  • Shorthand for SparseConcat::new().build(indices, values, shapes, scope).
  • Shorthand for SparseConditionalAccumulator::new().build(scope).
  • Shorthand for SparseCountSparseOutput::new().build(indices, values, dense_shape, weights, scope).
  • Shorthand for SparseCross::new().build(indices, values, shapes, dense_inputs, scope).
  • Shorthand for SparseCrossHashed::new().build(indices, values, shapes, dense_inputs, num_buckets, strong_hash, salt, scope).
  • Shorthand for SparseCrossV2::new().build(indices, values, shapes, dense_inputs, sep, scope).
  • Shorthand for SparseDenseCwiseAdd::new().build(sp_indices, sp_values, sp_shape, dense, scope).
  • Shorthand for SparseDenseCwiseDiv::new().build(sp_indices, sp_values, sp_shape, dense, scope).
  • Shorthand for SparseDenseCwiseMul::new().build(sp_indices, sp_values, sp_shape, dense, scope).
  • Shorthand for SparseFillEmptyRows::new().build(indices, values, dense_shape, default_value, scope).
  • Shorthand for SparseFillEmptyRowsGrad::new().build(reverse_index_map, grad_values, scope).
  • Shorthand for SparseMatMul::new().build(a, b, scope).
  • Shorthand for SparseMatrixAdd::new().build(a, b, alpha, beta, scope).
  • Shorthand for SparseMatrixMatMul::new().build(a, b, scope).
  • Shorthand for SparseMatrixMul::new().build(a, b, scope).
  • Shorthand for SparseMatrixNNZ::new().build(sparse_matrix, scope).
  • Shorthand for SparseMatrixOrderingAMD::new().build(input, scope).
  • Shorthand for SparseMatrixSoftmax::new().build(logits, scope).
  • Shorthand for SparseMatrixSoftmaxGrad::new().build(softmax, grad_softmax, scope).
  • Shorthand for SparseMatrixSparseCholesky::new().build(input, permutation, scope).
  • Shorthand for SparseMatrixSparseMatMul::new().build(a, b, scope).
  • Shorthand for SparseMatrixTranspose::new().build(input, scope).
  • Shorthand for SparseMatrixZeros::new().build(dense_shape, scope).
  • Shorthand for SparseReduceMax::new().build(input_indices, input_values, input_shape, reduction_axes, scope).
  • Shorthand for SparseReduceMaxSparse::new().build(input_indices, input_values, input_shape, reduction_axes, scope).
  • Shorthand for SparseReduceSum::new().build(input_indices, input_values, input_shape, reduction_axes, scope).
  • Shorthand for SparseReduceSumSparse::new().build(input_indices, input_values, input_shape, reduction_axes, scope).
  • Shorthand for SparseReorder::new().build(input_indices, input_values, input_shape, scope).
  • Shorthand for SparseReshape::new().build(input_indices, input_shape, new_shape, scope).
  • Shorthand for SparseSegmentMean::new().build(data, indices, segment_ids, scope).
  • Shorthand for SparseSegmentMeanGrad::new().build(grad, indices, segment_ids, output_dim0, scope).
  • Shorthand for SparseSegmentMeanWithNumSegments::new().build(data, indices, segment_ids, num_segments, scope).
  • Shorthand for SparseSegmentSqrtN::new().build(data, indices, segment_ids, scope).
  • Shorthand for SparseSegmentSqrtNGrad::new().build(grad, indices, segment_ids, output_dim0, scope).
  • Shorthand for SparseSegmentSqrtNWithNumSegments::new().build(data, indices, segment_ids, num_segments, scope).
  • Shorthand for SparseSegmentSum::new().build(data, indices, segment_ids, scope).
  • Shorthand for SparseSegmentSumGrad::new().build(grad, indices, segment_ids, output_dim0, scope).
  • Shorthand for SparseSegmentSumWithNumSegments::new().build(data, indices, segment_ids, num_segments, scope).
  • Shorthand for SparseSlice::new().build(indices, values, shape, start, size, scope).
  • Shorthand for SparseSliceGrad::new().build(backprop_val_grad, input_indices, input_start, output_indices, scope).
  • Shorthand for SparseSoftmax::new().build(sp_indices, sp_values, sp_shape, scope).
  • Shorthand for SparseSoftmaxCrossEntropyWithLogits::new().build(features, labels, scope).
  • Shorthand for SparseSparseMaximum::new().build(a_indices, a_values, a_shape, b_indices, b_values, b_shape, scope).
  • Shorthand for SparseSparseMinimum::new().build(a_indices, a_values, a_shape, b_indices, b_values, b_shape, scope).
  • Shorthand for SparseSplit::new().build(split_dim, indices, values, shape, scope).
  • Shorthand for SparseTensorDenseAdd::new().build(a_indices, a_values, a_shape, b, scope).
  • Shorthand for SparseTensorDenseMatMul::new().build(a_indices, a_values, a_shape, b, scope).
  • Shorthand for SparseTensorSliceDataset::new().build(indices, values, dense_shape, scope).
  • Shorthand for SparseTensorToCSRSparseMatrix::new().build(indices, values, dense_shape, scope).
  • Shorthand for SparseToDense::new().build(sparse_indices, output_shape, sparse_values, default_value, scope).
  • Shorthand for SparseToSparseSetOperation::new().build(set1_indices, set1_values, set1_shape, set2_indices, set2_values, set2_shape, scope).
  • Shorthand for Spence::new().build(x, scope).
  • Shorthand for Split::new().build(split_dim, value, scope).
  • Shorthand for SplitDedupData::new().build(input, scope).
  • Shorthand for SplitV::new().build(value, size_splits, split_dim, scope).
  • Shorthand for SqlDataset::new().build(driver_name, data_source_name, query, scope).
  • Shorthand for Sqrt::new().build(x, scope).
  • Shorthand for SqrtGrad::new().build(y, dy, scope).
  • Shorthand for Square::new().build(x, scope).
  • Shorthand for SquaredDifference::new().build(x, y, scope).
  • Shorthand for Squeeze::new().build(input, scope).
  • Shorthand for Stack::new().build(scope).
  • Shorthand for StackClose::new().build(handle, scope).
  • Shorthand for StackCloseV2::new().build(handle, scope).
  • Shorthand for StackPop::new().build(handle, scope).
  • Shorthand for StackPopV2::new().build(handle, scope).
  • Shorthand for StackPush::new().build(handle, elem, scope).
  • Shorthand for StackPushV2::new().build(handle, elem, scope).
  • Shorthand for StackV2::new().build(max_size, scope).
  • Shorthand for Stage::new().build(values, scope).
  • Shorthand for StageClear::new().build(scope).
  • Shorthand for StagePeek::new().build(index, scope).
  • Shorthand for StageSize::new().build(scope).
  • Shorthand for StatefulPartitionedCall::new().build(args, scope).
  • Shorthand for StatefulRandomBinomial::new().build(resource, algorithm, shape, counts, probs, scope).
  • Shorthand for StatefulStandardNormal::new().build(resource, shape, scope).
  • Shorthand for StatefulStandardNormalV2::new().build(resource, algorithm, shape, scope).
  • Shorthand for StatefulTruncatedNormal::new().build(resource, algorithm, shape, scope).
  • Shorthand for StatefulUniform::new().build(resource, algorithm, shape, scope).
  • Shorthand for StatefulUniformFullInt::new().build(resource, algorithm, shape, scope).
  • Shorthand for StatefulUniformInt::new().build(resource, algorithm, shape, minval, maxval, scope).
  • Shorthand for StatelessCase::new().build(branch_index, input, scope).
  • Shorthand for StatelessIf::new().build(cond, input, scope).
  • Shorthand for StatelessMultinomial::new().build(logits, num_samples, seed, scope).
  • Shorthand for StatelessParameterizedTruncatedNormal::new().build(shape, seed, means, stddevs, minvals, maxvals, scope).
  • Shorthand for StatelessRandomBinomial::new().build(shape, seed, counts, probs, scope).
  • Shorthand for StatelessRandomGammaV2::new().build(shape, seed, alpha, scope).
  • Shorthand for StatelessRandomGammaV3::new().build(shape, key, counter, alg, alpha, scope).
  • Shorthand for StatelessRandomGetAlg::new().build(scope).
  • Shorthand for StatelessRandomGetKeyCounter::new().build(seed, scope).
  • Shorthand for StatelessRandomGetKeyCounterAlg::new().build(seed, scope).
  • Shorthand for StatelessRandomNormal::new().build(shape, seed, scope).
  • Shorthand for StatelessRandomNormalV2::new().build(shape, key, counter, alg, scope).
  • Shorthand for StatelessRandomPoisson::new().build(shape, seed, lam, scope).
  • Shorthand for StatelessRandomUniform::new().build(shape, seed, scope).
  • Shorthand for StatelessRandomUniformFullInt::new().build(shape, seed, scope).
  • Shorthand for StatelessRandomUniformFullIntV2::new().build(shape, key, counter, alg, scope).
  • Shorthand for StatelessRandomUniformInt::new().build(shape, seed, minval, maxval, scope).
  • Shorthand for StatelessRandomUniformIntV2::new().build(shape, key, counter, alg, minval, maxval, scope).
  • Shorthand for StatelessRandomUniformV2::new().build(shape, key, counter, alg, scope).
  • Shorthand for StatelessSampleDistortedBoundingBox::new().build(image_size, bounding_boxes, min_object_covered, seed, scope).
  • Shorthand for StatelessShuffle::new().build(value, key, counter, alg, scope).
  • Shorthand for StatelessTruncatedNormal::new().build(shape, seed, scope).
  • Shorthand for StatelessTruncatedNormalV2::new().build(shape, key, counter, alg, scope).
  • Shorthand for StatelessWhile::new().build(input, scope).
  • Shorthand for StaticRegexFullMatch::new().build(input, scope).
  • Shorthand for StaticRegexReplace::new().build(input, scope).
  • Shorthand for StatsAggregatorHandle::new().build(scope).
  • Shorthand for StatsAggregatorHandleV2::new().build(scope).
  • Shorthand for StatsAggregatorSetSummaryWriter::new().build(stats_aggregator, summary, scope).
  • Shorthand for StatsAggregatorSummary::new().build(iterator, scope).
  • Shorthand for StochasticCastToInt::new().build(input, key, counter, alg, scope).
  • Shorthand for StopGradient::new().build(input, scope).
  • Shorthand for StridedSlice::new().build(input, begin, end, strides, scope).
  • Shorthand for StridedSliceAssign::new().build(ref_, begin, end, strides, value, scope).
  • Shorthand for StridedSliceGrad::new().build(shape, begin, end, strides, dy, scope).
  • Shorthand for StringFormat::new().build(inputs, scope).
  • Shorthand for StringJoin::new().build(inputs, scope).
  • Shorthand for StringLength::new().build(input, scope).
  • Shorthand for StringLower::new().build(input, scope).
  • Shorthand for StringNGrams::new().build(data, data_splits, scope).
  • Shorthand for StringSplit::new().build(input, delimiter, scope).
  • Shorthand for StringSplitV2::new().build(input, sep, scope).
  • Shorthand for StringStrip::new().build(input, scope).
  • Shorthand for StringToHashBucket::new().build(string_tensor, scope).
  • Shorthand for StringToHashBucketFast::new().build(input, scope).
  • Shorthand for StringToHashBucketStrong::new().build(input, scope).
  • Shorthand for StringToNumber::new().build(string_tensor, scope).
  • Shorthand for StringUpper::new().build(input, scope).
  • Shorthand for Sub::new().build(x, y, scope).
  • Shorthand for Substr::new().build(input, pos, len, scope).
  • subtractDeprecated
    Shorthand for Subtract::new().build(scope), a, b).
  • Shorthand for Sum::new().build(input, reduction_indices, scope).
  • Shorthand for SummaryWriter::new().build(scope).
  • Shorthand for Svd::new().build(input, scope).
  • Shorthand for Switch::new().build(data, pred, scope).
  • Shorthand for SymbolicGradient::new().build(input, scope).
  • Shorthand for SyncDevice::new().build(scope).
  • Shorthand for TakeDataset::new().build(input_dataset, count, scope).
  • Shorthand for TakeManySparseFromTensorsMap::new().build(sparse_handles, scope).
  • Shorthand for TakeWhileDataset::new().build(input_dataset, other_arguments, scope).
  • Shorthand for Tan::new().build(x, scope).
  • Shorthand for Tanh::new().build(x, scope).
  • Shorthand for TanhGrad::new().build(y, dy, scope).
  • Shorthand for TemporaryVariable::new().build(scope).
  • Shorthand for TensorArray::new().build(size, scope).
  • Shorthand for TensorArrayClose::new().build(handle, scope).
  • Shorthand for TensorArrayCloseV2::new().build(handle, scope).
  • Shorthand for TensorArrayCloseV3::new().build(handle, scope).
  • Shorthand for TensorArrayConcat::new().build(handle, flow_in, scope).
  • Shorthand for TensorArrayConcatV2::new().build(handle, flow_in, scope).
  • Shorthand for TensorArrayConcatV3::new().build(handle, flow_in, scope).
  • Shorthand for TensorArrayGather::new().build(handle, indices, flow_in, scope).
  • Shorthand for TensorArrayGatherV2::new().build(handle, indices, flow_in, scope).
  • Shorthand for TensorArrayGatherV3::new().build(handle, indices, flow_in, scope).
  • Shorthand for TensorArrayGrad::new().build(handle, flow_in, scope).
  • Shorthand for TensorArrayGradV2::new().build(handle, flow_in, scope).
  • Shorthand for TensorArrayGradV3::new().build(handle, flow_in, scope).
  • Shorthand for TensorArrayGradWithShape::new().build(handle, flow_in, shape_to_prepend, scope).
  • Shorthand for TensorArrayPack::new().build(handle, flow_in, scope).
  • Shorthand for TensorArrayRead::new().build(handle, index, flow_in, scope).
  • Shorthand for TensorArrayReadV2::new().build(handle, index, flow_in, scope).
  • Shorthand for TensorArrayReadV3::new().build(handle, index, flow_in, scope).
  • Shorthand for TensorArrayScatter::new().build(handle, indices, value, flow_in, scope).
  • Shorthand for TensorArrayScatterV2::new().build(handle, indices, value, flow_in, scope).
  • Shorthand for TensorArrayScatterV3::new().build(handle, indices, value, flow_in, scope).
  • Shorthand for TensorArraySize::new().build(handle, flow_in, scope).
  • Shorthand for TensorArraySizeV2::new().build(handle, flow_in, scope).
  • Shorthand for TensorArraySizeV3::new().build(handle, flow_in, scope).
  • Shorthand for TensorArraySplit::new().build(handle, value, lengths, flow_in, scope).
  • Shorthand for TensorArraySplitV2::new().build(handle, value, lengths, flow_in, scope).
  • Shorthand for TensorArraySplitV3::new().build(handle, value, lengths, flow_in, scope).
  • Shorthand for TensorArrayUnpack::new().build(handle, value, flow_in, scope).
  • Shorthand for TensorArrayV2::new().build(size, scope).
  • Shorthand for TensorArrayV3::new().build(size, scope).
  • Shorthand for TensorArrayWrite::new().build(handle, index, value, flow_in, scope).
  • Shorthand for TensorArrayWriteV2::new().build(handle, index, value, flow_in, scope).
  • Shorthand for TensorArrayWriteV3::new().build(handle, index, value, flow_in, scope).
  • Shorthand for TensorDataset::new().build(components, scope).
  • Shorthand for TensorListConcat::new().build(input_handle, scope).
  • Shorthand for TensorListConcatLists::new().build(input_a, input_b, scope).
  • Shorthand for TensorListConcatV2::new().build(input_handle, element_shape, leading_dims, scope).
  • Shorthand for TensorListElementShape::new().build(input_handle, scope).
  • Shorthand for TensorListFromTensor::new().build(tensor, element_shape, scope).
  • Shorthand for TensorListGather::new().build(input_handle, indices, element_shape, scope).
  • Shorthand for TensorListGetItem::new().build(input_handle, index, element_shape, scope).
  • Shorthand for TensorListLength::new().build(input_handle, scope).
  • Shorthand for TensorListPopBack::new().build(input_handle, element_shape, scope).
  • Shorthand for TensorListPushBack::new().build(input_handle, tensor, scope).
  • Shorthand for TensorListPushBackBatch::new().build(input_handles, tensor, scope).
  • Shorthand for TensorListReserve::new().build(element_shape, num_elements, scope).
  • Shorthand for TensorListResize::new().build(input_handle, size, scope).
  • Shorthand for TensorListScatter::new().build(tensor, indices, element_shape, scope).
  • Shorthand for TensorListScatterIntoExistingList::new().build(input_handle, tensor, indices, scope).
  • Shorthand for TensorListScatterV2::new().build(tensor, indices, element_shape, num_elements, scope).
  • Shorthand for TensorListSetItem::new().build(input_handle, index, item, scope).
  • Shorthand for TensorListSplit::new().build(tensor, element_shape, lengths, scope).
  • Shorthand for TensorListStack::new().build(input_handle, element_shape, scope).
  • Shorthand for TensorMapErase::new().build(input_handle, key, scope).
  • Shorthand for TensorMapHasKey::new().build(input_handle, key, scope).
  • Shorthand for TensorMapInsert::new().build(input_handle, key, value, scope).
  • Shorthand for TensorMapLookup::new().build(input_handle, key, scope).
  • Shorthand for TensorMapSize::new().build(input_handle, scope).
  • Shorthand for TensorMapStackKeys::new().build(input_handle, scope).
  • Shorthand for TensorScatterAdd::new().build(tensor, indices, updates, scope).
  • Shorthand for TensorScatterMax::new().build(tensor, indices, updates, scope).
  • Shorthand for TensorScatterMin::new().build(tensor, indices, updates, scope).
  • Shorthand for TensorScatterSub::new().build(tensor, indices, updates, scope).
  • Shorthand for TensorScatterUpdate::new().build(tensor, indices, updates, scope).
  • Shorthand for TensorSliceDataset::new().build(components, scope).
  • Shorthand for TensorStridedSliceUpdate::new().build(input, begin, end, strides, value, scope).
  • Shorthand for TensorSummary::new().build(tensor, scope).
  • Shorthand for TensorSummaryV2::new().build(tag, tensor, serialized_summary_metadata, scope).
  • Shorthand for TextLineDataset::new().build(filenames, compression_type, buffer_size, scope).
  • Shorthand for TextLineReader::new().build(scope).
  • Shorthand for TextLineReaderV2::new().build(scope).
  • Shorthand for TFRecordDataset::new().build(filenames, compression_type, buffer_size, scope).
  • Shorthand for TFRecordReader::new().build(scope).
  • Shorthand for TFRecordReaderV2::new().build(scope).
  • Shorthand for ThreadPoolDataset::new().build(input_dataset, thread_pool, scope).
  • Shorthand for ThreadPoolHandle::new().build(scope).
  • Shorthand for ThreadUnsafeUnigramCandidateSampler::new().build(true_classes, scope).
  • Shorthand for Tile::new().build(input, multiples, scope).
  • Shorthand for TileGrad::new().build(input, multiples, scope).
  • Shorthand for Timestamp::new().build(scope).
  • Shorthand for ToBool::new().build(input, scope).
  • Shorthand for TopK::new().build(input, scope).
  • Shorthand for TopKUnique::new().build(input, scope).
  • Shorthand for TopKV2::new().build(input, k, scope).
  • Shorthand for TopKWithUnique::new().build(input, scope).
  • Shorthand for TpuHandleToProtoKey::new().build(uid, scope).
  • Shorthand for TPUCompilationResult::new().build(scope).
  • Shorthand for TPUCompile::new().build(dynamic_shapes, guaranteed_constants, scope).
  • Shorthand for TPUCompileSucceededAssert::new().build(compilation_status, scope).
  • Shorthand for TPUEmbeddingActivations::new().build(embedding_variable, sliced_activations, scope).
  • Shorthand for TPUExecute::new().build(args, key, scope).
  • Shorthand for TPUExecuteAndUpdateVariables::new().build(args, key, scope).
  • Shorthand for TPUOrdinalSelector::new().build(scope).
  • Shorthand for TPUPartitionedCall::new().build(args, device_ordinal, scope).
  • Shorthand for TPUPartitionedInput::new().build(inputs, scope).
  • Shorthand for TPUPartitionedInputV2::new().build(inputs, scope).
  • Shorthand for TPUPartitionedOutput::new().build(inputs, scope).
  • Shorthand for TPUPartitionedOutputV2::new().build(inputs, scope).
  • Shorthand for TPUReplicateMetadata::new().build(scope).
  • Shorthand for TPUReplicatedInput::new().build(inputs, scope).
  • Shorthand for TPUReplicatedOutput::new().build(input, scope).
  • Shorthand for TPUReshardVariables::new().build(vars, new_format_key, format_state_var, scope).
  • Shorthand for TPURoundRobin::new().build(scope).
  • Shorthand for Transpose::new().build(x, perm, scope).
  • Shorthand for TridiagonalMatMul::new().build(superdiag, maindiag, subdiag, rhs, scope).
  • Shorthand for TridiagonalSolve::new().build(diagonals, rhs, scope).
  • Shorthand for TruncateDiv::new().build(x, y, scope).
  • Shorthand for TruncateMod::new().build(x, y, scope).
  • Shorthand for TruncatedNormal::new().build(shape, scope).
  • Shorthand for Unbatch::new().build(batched_tensor, batch_index, id, scope).
  • Shorthand for UnbatchDataset::new().build(input_dataset, scope).
  • Shorthand for UnbatchGrad::new().build(original_input, batch_index, grad, id, scope).
  • Shorthand for UncompressElement::new().build(compressed, scope).
  • Shorthand for UnicodeDecode::new().build(input, scope).
  • Shorthand for UnicodeDecodeWithOffsets::new().build(input, scope).
  • Shorthand for UnicodeEncode::new().build(input_values, input_splits, scope).
  • Shorthand for UnicodeScript::new().build(input, scope).
  • Shorthand for UnicodeTranscode::new().build(input, scope).
  • Shorthand for UniformCandidateSampler::new().build(true_classes, scope).
  • Shorthand for UniformDequantize::new().build(input, scales, zero_points, scope).
  • Shorthand for UniformQuantize::new().build(input, scales, zero_points, scope).
  • Shorthand for UniformQuantizedAdd::new().build(lhs, rhs, lhs_scales, lhs_zero_points, rhs_scales, rhs_zero_points, output_scales, output_zero_points, scope).
  • Shorthand for UniformQuantizedClipByValue::new().build(operand, min, max, scales, zero_points, scope).
  • Shorthand for UniformQuantizedConvolution::new().build(lhs, rhs, lhs_scales, lhs_zero_points, rhs_scales, rhs_zero_points, output_scales, output_zero_points, scope).
  • Shorthand for UniformQuantizedConvolutionHybrid::new().build(lhs, rhs, rhs_scales, rhs_zero_points, scope).
  • Shorthand for UniformQuantizedDot::new().build(lhs, rhs, lhs_scales, lhs_zero_points, rhs_scales, rhs_zero_points, output_scales, output_zero_points, scope).
  • Shorthand for UniformQuantizedDotHybrid::new().build(lhs, rhs, rhs_scales, rhs_zero_points, scope).
  • Shorthand for UniformRequantize::new().build(input, input_scales, input_zero_points, output_scales, output_zero_points, scope).
  • Shorthand for Unique::new().build(x, scope).
  • Shorthand for UniqueDataset::new().build(input_dataset, scope).
  • Shorthand for UniqueV2::new().build(x, axis, scope).
  • Shorthand for UniqueWithCounts::new().build(x, scope).
  • Shorthand for UniqueWithCountsV2::new().build(x, axis, scope).
  • Shorthand for Unpack::new().build(value, scope).
  • Shorthand for UnravelIndex::new().build(indices, dims, scope).
  • Shorthand for UnsortedSegmentJoin::new().build(inputs, segment_ids, num_segments, scope).
  • Shorthand for UnsortedSegmentMax::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for UnsortedSegmentMin::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for UnsortedSegmentProd::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for UnsortedSegmentSum::new().build(data, segment_ids, num_segments, scope).
  • Shorthand for Unstage::new().build(scope).
  • Shorthand for UnwrapDatasetVariant::new().build(input_handle, scope).
  • Shorthand for UpperBound::new().build(sorted_inputs, values, scope).
  • Shorthand for VarHandleOp::new().build(scope).
  • Shorthand for VarIsInitializedOp::new().build(resource, scope).
  • Shorthand for Variable::new().build(scope).
  • Shorthand for VariableShape::new().build(input, scope).
  • Shorthand for VariableV2::new().build(scope).
  • Shorthand for Where::new().build(input, scope).
  • Shorthand for While::new().build(input, scope).
  • Shorthand for WholeFileReader::new().build(scope).
  • Shorthand for WholeFileReaderV2::new().build(scope).
  • Shorthand for WindowDataset::new().build(input_dataset, size, shift, stride, drop_remainder, scope).
  • Shorthand for WindowOp::new().build(inputs, scope).
  • Shorthand for WorkerHeartbeat::new().build(request, scope).
  • Shorthand for WrapDatasetVariant::new().build(input_handle, scope).
  • Shorthand for WriteAudioSummary::new().build(writer, step, tag, tensor, sample_rate, scope).
  • Shorthand for WriteFile::new().build(filename, contents, scope).
  • Shorthand for WriteGraphSummary::new().build(writer, step, tensor, scope).
  • Shorthand for WriteHistogramSummary::new().build(writer, step, tag, values, scope).
  • Shorthand for WriteImageSummary::new().build(writer, step, tag, tensor, bad_color, scope).
  • Shorthand for WriteRawProtoSummary::new().build(writer, step, tensor, scope).
  • Shorthand for WriteScalarSummary::new().build(writer, step, tag, value, scope).
  • Shorthand for WriteSummary::new().build(writer, step, tensor, tag, summary_metadata, scope).
  • Shorthand for Xdivy::new().build(x, y, scope).
  • Shorthand for XlaConcatND::new().build(inputs, scope).
  • Shorthand for XlaHostCompute::new().build(inputs, scope).
  • Shorthand for XlaRecvFromHost::new().build(scope).
  • Shorthand for XlaRecvTPUEmbeddingActivations::new().build(deduplication_data, scope).
  • Shorthand for XlaRecvTPUEmbeddingDeduplicationData::new().build(scope).
  • Shorthand for XlaSendToHost::new().build(input, scope).
  • Shorthand for XlaSendTPUEmbeddingGradients::new().build(gradients, learning_rates, deduplication_data, scope).
  • Shorthand for XlaSplitND::new().build(input, scope).
  • Shorthand for Xlog1py::new().build(x, y, scope).
  • Shorthand for Xlogy::new().build(x, y, scope).
  • Shorthand for ZerosLike::new().build(x, scope).
  • Shorthand for Zeta::new().build(x, q, scope).
  • Shorthand for ZipDataset::new().build(input_datasets, scope).