Tensorflow 2.0 Symbols Map - TF 2.0 Symbols Change - contact_ [email protected]
TensorFlow 1.12+ | TensorFlow 2.0 (tf_upgrade_v2) | TensorFlow 2.0 |
---|---|---|
Symbol as expressed in TensorFlow 1.12+. | Indicates that endpoint (name and/or arguments) has been modified in TensorFlow 2.0. | Equivalent symbol in TensorFlow 2.0. Note: tensorflow/addons not yet included. |
tf.AggregationMethod | tf.AggregationMethod | |
tf.Assert | tf.Assert | |
tf.AttrValue | tf.compat.v1.AttrValue | |
tf.ConditionalAccumulator | tf.compat.v1.ConditionalAccumulator | |
tf.ConditionalAccumulatorBase | tf.compat.v1.ConditionalAccumulatorBase | |
tf.ConfigProto | tf.compat.v1.ConfigProto | |
tf.DType | tf.DType | |
tf.DeviceSpec | tf.compat.v1.DeviceSpec | |
tf.Dimension | tf.compat.v1.Dimension | |
tf.Event | tf.compat.v1.Event | |
tf.FIFOQueue | tf.queue.FIFOQueue | |
tf.FixedLenFeature | tf.io.FixedLenFeature | |
tf.FixedLenSequenceFeature | tf.io.FixedLenSequenceFeature | |
tf.FixedLengthRecordReader | tf.compat.v1.FixedLengthRecordReader | |
tf.GPUOptions | tf.compat.v1.GPUOptions | |
tf.GradientTape | tf.GradientTape | |
tf.Graph | tf.Graph | |
tf.GraphDef | tf.compat.v1.GraphDef | |
tf.GraphKeys | tf.compat.v1.GraphKeys | |
tf.GraphOptions | tf.compat.v1.GraphOptions | |
tf.HistogramProto | tf.compat.v1.HistogramProto | |
tf.IdentityReader | tf.compat.v1.IdentityReader | |
tf.IndexedSlices | tf.IndexedSlices | |
tf.InteractiveSession | tf.compat.v1.InteractiveSession | |
tf.LMDBReader | tf.compat.v1.LMDBReader | |
tf.LogMessage | tf.compat.v1.LogMessage | |
tf.MetaGraphDef | tf.compat.v1.MetaGraphDef | |
tf.NameAttrList | tf.compat.v1.NameAttrList | |
tf.NoGradient | tf.no_gradient | |
tf.NodeDef | tf.compat.v1.NodeDef | |
tf.NotDifferentiable | tf.no_gradient | |
tf.OpError | tf.errors.OpError | |
tf.Operation | tf.Operation | |
tf.OptimizerOptions | tf.compat.v1.OptimizerOptions | |
tf.PaddingFIFOQueue | tf.queue.PaddingFIFOQueue | |
tf.Print | tf.compat.v1.Print | tf.print |
tf.PriorityQueue | tf.queue.PriorityQueue | |
tf.QueueBase | tf.queue.QueueBase | |
tf.RandomShuffleQueue | tf.queue.RandomShuffleQueue | |
tf.ReaderBase | tf.compat.v1.ReaderBase | |
tf.RegisterGradient | tf.RegisterGradient | |
tf.RunMetadata | tf.compat.v1.RunMetadata | |
tf.RunOptions | tf.compat.v1.RunOptions | |
tf.Session | tf.compat.v1.Session | |
tf.SessionLog | tf.compat.v1.SessionLog | |
tf.SparseConditionalAccumulator | tf.sparse.SparseConditionalAccumulator | |
tf.SparseFeature | tf.io.SparseFeature | |
tf.SparseTensor | tf.SparseTensor | |
tf.SparseTensorValue | tf.compat.v1.SparseTensorValue | |
tf.Summary | tf.compat.v1.Summary | |
tf.SummaryMetadata | tf.compat.v1.SummaryMetadata | |
tf.TFRecordReader | tf.compat.v1.TFRecordReader | |
tf.Tensor | tf.Tensor | |
tf.TensorArray | tf.TensorArray | |
tf.TensorInfo | tf.compat.v1.TensorInfo | |
tf.TensorShape | tf.TensorShape | |
tf.TextLineReader | tf.compat.v1.TextLineReader | |
tf.VarLenFeature | tf.io.VarLenFeature | |
tf.Variable | tf.Variable | |
tf.Variable.SaveSliceInfo | tf.Variable.SaveSliceInfo | |
tf.VariableAggregation | tf.VariableAggregation | |
tf.VariableScope | tf.compat.v1.VariableScope | |
tf.VariableSynchronization | tf.VariableSynchronization | |
tf.WholeFileReader | tf.compat.v1.WholeFileReader | |
tf.abs | tf.abs | |
tf.accumulate_n | tf.math.accumulate_n | |
tf.acos | tf.acos | |
tf.acosh | tf.acosh | |
tf.add | tf.add | |
tf.add_check_numerics_ops | tf.compat.v1.add_check_numerics_ops | |
tf.add_n | tf.add_n | |
tf.add_to_collection | tf.compat.v1.add_to_collection | |
tf.add_to_collections | tf.compat.v1.add_to_collections | |
tf.all_variables | tf.global_variables / tf.compat.v1.all_variables | |
tf.angle | tf.math.angle | |
tf.app | ||
tf.app.flags | ||
tf.app.run | tf.compat.v1.app.run | |
tf.arg_max | tf.argmax | |
tf.arg_min | tf.argmin | |
tf.argmax | tf.argmax | |
tf.argmin | tf.argmin | |
tf.as_dtype | tf.as_dtype | |
tf.as_string | tf.as_string | |
tf.asin | tf.asin | |
tf.asinh | tf.asinh | |
tf.assert_equal | tf.compat.v1.assert_equal | tf.assert_equal |
tf.assert_greater | tf.compat.v1.assert_greater | tf.assert_greater |
tf.assert_greater_equal | tf.compat.v1.assert_greater_equal | |
tf.assert_integer | tf.compat.v1.assert_integer | |
tf.assert_less | tf.compat.v1.assert_less | tf.assert_less |
tf.assert_less_equal | tf.compat.v1.assert_less_equal | |
tf.assert_near | tf.compat.v1.assert_near | |
tf.assert_negative | tf.compat.v1.assert_negative | |
tf.assert_non_negative | tf.compat.v1.assert_non_negative | |
tf.assert_non_positive | tf.compat.v1.assert_non_positive | |
tf.assert_none_equal | tf.compat.v1.assert_none_equal | |
tf.assert_positive | tf.compat.v1.assert_positive | |
tf.assert_proper_iterable | tf.debugging.assert_proper_iterable | |
tf.assert_rank | tf.compat.v1.assert_rank | tf.assert_rank |
tf.assert_rank_at_least | tf.compat.v1.assert_rank_at_least | |
tf.assert_rank_in | tf.compat.v1.assert_rank_in | |
tf.assert_same_float_dtype | tf.debugging.assert_same_float_dtype | |
tf.assert_scalar | tf.compat.v1.assert_scalar | |
tf.assert_type | tf.compat.v1.assert_type | |
tf.assert_variables_initialized | tf.compat.v1.assert_variables_initialized | |
tf.assign | tf.compat.v1.assign | |
tf.assign_add | tf.compat.v1.assign_add | |
tf.assign_sub | tf.compat.v1.assign_sub | |
tf.atan | tf.atan | |
tf.atan2 | tf.atan2 | |
tf.atanh | tf.atanh | |
tf.batch_gather | tf.gather | |
tf.batch_scatter_update | tf.compat.v1.batch_scatter_update | |
tf.batch_to_space | tf.batch_to_space | |
tf.batch_to_space_nd | tf.batch_to_space | |
tf.betainc | tf.math.betainc | |
tf.bincount | tf.math.bincount | |
tf.bitcast | tf.bitcast | |
tf.bitwise | tf.bitwise | |
tf.bitwise.bitwise_and | tf.bitwise.bitwise_and | |
tf.bitwise.bitwise_or | tf.bitwise.bitwise_or | |
tf.bitwise.bitwise_xor | tf.bitwise.bitwise_xor | |
tf.bitwise.invert | tf.bitwise.invert | |
tf.bitwise.left_shift | tf.bitwise.left_shift | |
tf.bitwise.right_shift | tf.bitwise.right_shift | |
tf.boolean_mask | tf.boolean_mask | |
tf.broadcast_dynamic_shape | tf.broadcast_dynamic_shape | |
tf.broadcast_static_shape | tf.broadcast_static_shape | |
tf.broadcast_to | tf.broadcast_to | |
tf.case | tf.case | |
tf.cast | tf.cast | |
tf.ceil | tf.math.ceil | |
tf.check_numerics | tf.debugging.check_numerics | |
tf.cholesky | tf.linalg.cholesky | |
tf.cholesky_solve | tf.linalg.cholesky_solve | |
tf.clip_by_average_norm | tf.compat.v1.clip_by_average_norm | |
tf.clip_by_global_norm | tf.clip_by_global_norm | |
tf.clip_by_norm | tf.clip_by_norm | |
tf.clip_by_value | tf.clip_by_value | |
tf.colocate_with | tf.compat.v1.colocate_with | |
tf.compat | tf.compat | |
tf.compat.as_bytes | tf.compat.as_bytes | |
tf.compat.as_str | tf.compat.as_str | |
tf.compat.as_str_any | tf.compat.as_str_any | |
tf.compat.as_text | tf.compat.as_text | |
tf.compat.forward_compatibility_horizon | tf.compat.forward_compatibility_horizon | |
tf.compat.forward_compatible | tf.compat.forward_compatible | |
tf.compat.path_to_str | tf.compat.path_to_str | |
tf.complex | tf.complex | |
tf.concat | tf.concat | |
tf.cond | tf.cond | |
tf.confusion_matrix | tf.math.confusion_matrix | |
tf.conj | tf.math.conj | |
tf.constant | tf.constant | |
tf.constant_initializer | tf.compat.v1.initializers.constant | tf.constant_initializer |
tf.container | tf.compat.v1.container | |
tf.contrib | ||
tf.contrib.all_reduce | ||
tf.contrib.all_reduce.build_nccl_all_reduce | ||
tf.contrib.all_reduce.build_nccl_then_recursive_hd | ||
tf.contrib.all_reduce.build_nccl_then_ring | replaced by | |
tf.contrib.all_reduce.build_nccl_then_shuffle | DistributionStrategy | |
tf.contrib.all_reduce.build_recursive_hd_all_reduce | ||
tf.contrib.all_reduce.build_ring_all_reduce | ||
tf.contrib.all_reduce.build_shuffle_all_reduce | ||
tf.contrib.all_reduce.build_shuffle_then_ring | ||
tf.contrib.all_reduce.build_shuffle_then_shuffle | ||
tf.contrib.autograph | reworked in tf.autograph, no 1:1 map | |
tf.contrib.autograph.AutographParseError | ||
tf.contrib.autograph.ConversionOptions | ||
tf.contrib.autograph.GraphConstructionError | ||
tf.contrib.autograph.RunMode | ||
tf.contrib.autograph.TfRuntimeError | ||
tf.contrib.autograph.convert | ||
tf.contrib.autograph.converted_call | ||
tf.contrib.autograph.do_not_convert | ||
tf.contrib.autograph.improved_errors | ||
tf.contrib.autograph.set_element_type | ||
tf.contrib.autograph.set_loop_options | ||
tf.contrib.autograph.stack | ||
tf.contrib.autograph.tensor_list | ||
tf.contrib.autograph.to_code | ||
tf.contrib.autograph.to_graph | ||
tf.contrib.batching | deleted | |
tf.contrib.batching.batch_function | ||
tf.contrib.bayesflow | tfp | |
tf.contrib.bayesflow.monte_carlo | tfp.monte_carlo | |
tf.contrib.bayesflow.monte_carlo.expectation | tfp.monte_carlo.expectation | |
tf.contrib.bayesflow.monte_carlo.expectation_importance_sampler | ||
tf.contrib.bayesflow.monte_carlo.expectation_importance_sampler_logspace | ||
tf.contrib.bigtable | tf.data? | |
tf.contrib.bigtable.BigtableClient | ||
tf.contrib.bigtable.BigtableTable | ||
tf.contrib.checkpoint | ||
tf.contrib.checkpoint.CheckpointManager | ||
tf.contrib.checkpoint.Checkpointable | ||
tf.contrib.checkpoint.CheckpointableBase | ||
tf.contrib.checkpoint.CheckpointableObjectGraph | ||
tf.contrib.checkpoint.CheckpointableObjectGraph.CheckpointableObject | ||
tf.contrib.checkpoint.CheckpointableObjectGraph.CheckpointableObject.ObjectReference | ||
tf.contrib.checkpoint.CheckpointableObjectGraph.CheckpointableObject.SerializedTensor | ||
tf.contrib.checkpoint.CheckpointableObjectGraph.CheckpointableObject.SlotVariableReference | ||
tf.contrib.checkpoint.List | ||
tf.contrib.checkpoint.Mapping | ||
tf.contrib.checkpoint.NoDependency | ||
tf.contrib.checkpoint.NumpyState | ||
tf.contrib.checkpoint.PythonStateWrapper | ||
tf.contrib.checkpoint.UniqueNameTracker | ||
tf.contrib.checkpoint.capture_dependencies | ||
tf.contrib.checkpoint.dot_graph_from_checkpoint | ||
tf.contrib.checkpoint.list_objects | ||
tf.contrib.checkpoint.object_metadata | ||
tf.contrib.checkpoint.split_dependency | ||
tf.contrib.cloud | tf.data? | |
tf.contrib.cloud.BigQueryReader | ||
tf.contrib.cloud.BigtableClient | ||
tf.contrib.cloud.BigtableTable | ||
tf.contrib.cloud.BlockCacheParams | ||
tf.contrib.cloud.ConfigureGcsHook | ||
tf.contrib.cloud.configure_colab_session | ||
tf.contrib.cloud.configure_gcs | ||
tf.contrib.cluster_resolver | tf.distribute.cluster_resolver | |
tf.contrib.cluster_resolver.ClusterResolver | tf.distribute.cluster_resolver.ClusterResolver | |
tf.contrib.cluster_resolver.GceClusterResolver | tf.distribute.cluster_resolver.GCEClusterResolver | |
tf.contrib.cluster_resolver.SimpleClusterResolver | tf.distribute.cluster_resolver.SimpleClusterResolver | |
tf.contrib.cluster_resolver.TPUClusterResolver | tf.distribute.cluster_resolver.TPUClusterResolver | |
tf.contrib.cluster_resolver.UnionClusterResolver | tf.distribute.cluster_resolver.UnionResolver | |
tf.contrib.coder | tensorflow/compression? | |
tf.contrib.compiler | moved to core? | |
tf.contrib.constrained_optimization | separate repo? | |
tf.contrib.constrained_optimization.AdditiveExternalRegretOptimizer | ||
tf.contrib.constrained_optimization.AdditiveSwapRegretOptimizer | ||
tf.contrib.constrained_optimization.ConstrainedMinimizationProblem | ||
tf.contrib.constrained_optimization.ConstrainedOptimizer | ||
tf.contrib.constrained_optimization.MultiplicativeSwapRegretOptimizer | ||
tf.contrib.constrained_optimization.find_best_candidate_distribution | ||
tf.contrib.constrained_optimization.find_best_candidate_index | ||
tf.contrib.copy_graph | delete (no owner) | |
tf.contrib.copy_graph.copy_op_to_graph | ||
tf.contrib.copy_graph.copy_variable_to_graph | ||
tf.contrib.copy_graph.get_copied_op | ||
tf.contrib.crf | moved to tfp (but I think it's addons?) | |
tf.contrib.crf.CrfDecodeBackwardRnnCell | ||
tf.contrib.crf.CrfDecodeForwardRnnCell | ||
tf.contrib.crf.CrfForwardRnnCell | ||
tf.contrib.crf.crf_binary_score | ||
tf.contrib.crf.crf_decode | ||
tf.contrib.crf.crf_log_likelihood | ||
tf.contrib.crf.crf_log_norm | ||
tf.contrib.crf.crf_multitag_sequence_score | ||
tf.contrib.crf.crf_sequence_score | ||
tf.contrib.crf.crf_unary_score | ||
tf.contrib.crf.viterbi_decode | ||
tf.contrib.cudnn_rnn | tf.keras.layers? | |
tf.contrib.cudnn_rnn.CudnnCompatibleGRUCell | ||
tf.contrib.cudnn_rnn.CudnnCompatibleLSTMCell | ||
tf.contrib.cudnn_rnn.CudnnGRU | ||
tf.contrib.cudnn_rnn.CudnnGRUSaveable | ||
tf.contrib.cudnn_rnn.CudnnLSTM | ||
tf.contrib.cudnn_rnn.CudnnLSTMSaveable | ||
tf.contrib.cudnn_rnn.CudnnRNNRelu | ||
tf.contrib.cudnn_rnn.CudnnRNNReluSaveable | ||
tf.contrib.cudnn_rnn.CudnnRNNTanh | ||
tf.contrib.cudnn_rnn.CudnnRNNTanhSaveable | ||
tf.contrib.data | tf.data | |
tf.contrib.data.CheckpointInputPipelineHook | tf.data.experimental.CheckpointInputPipelineHook | |
tf.contrib.data.Counter | tf.data.experimental.Counter | |
tf.contrib.data.CsvDataset | tf.data.experimental.CsvDataset | |
tf.contrib.data.LMDBDataset | ||
tf.contrib.data.Optional | tf.data.experimental.Optional | |
tf.contrib.data.RandomDataset | tf.data.experimental.RandomDataset | |
tf.contrib.data.Reducer | tf.data.experimental.Reducer | |
tf.contrib.data.SqlDataset | tf.data.experimental.SqlDataset | |
tf.contrib.data.TFRecordWriter | tf.data.experimental.TFRecordWriter | |
tf.contrib.data.assert_element_shape | tf.data.experimental.assert_element_shape | |
tf.contrib.data.batch_and_drop_remainder | tf.compat.v1.contrib.data.batch_and_drop_remainder | |
tf.contrib.data.bucket_by_sequence_length | tf.data.experimental.bucket_by_sequence_length | |
tf.contrib.data.choose_from_datasets | tf.data.experimental.choose_from_datasets | |
tf.contrib.data.copy_to_device | tf.data.experimental.copy_to_device | |
tf.contrib.data.dense_to_sparse_batch | tf.data.experimental.dense_to_sparse_batch | |
tf.contrib.data.enumerate_dataset | tf.data.experimental.enumerate_dataset | |
tf.contrib.data.get_next_as_optional | tf.data.experimental.get_next_as_optional | |
tf.contrib.data.get_single_element | tf.data.experimental.get_single_element | |
tf.contrib.data.group_by_reducer | tf.data.experimental.group_by_reducer | |
tf.contrib.data.group_by_window | tf.data.experimental.group_by_window | |
tf.contrib.data.ignore_errors | tf.data.experimental.ignore_errors | |
tf.contrib.data.make_batched_features_dataset | tf.data.experimental.make_batched_features_dataset | |
tf.contrib.data.make_csv_dataset | tf.data.experimental.make_csv_dataset | |
tf.contrib.data.make_saveable_from_iterator | tf.data.experimental.make_saveable_from_iterator | |
tf.contrib.data.map_and_batch | tf.data.experimental.map_and_batch | |
tf.contrib.data.padded_batch_and_drop_remainder | tf.compat.v1.contrib.data.padded_batch_and_drop_remainder | |
tf.contrib.data.parallel_interleave | tf.data.experimental.parallel_interleave | |
tf.contrib.data.parse_example_dataset | tf.data.experimental.parse_example_dataset | |
tf.contrib.data.prefetch_to_device | tf.data.experimental.prefetch_to_device | |
tf.contrib.data.read_batch_features | tf.compat.v1.contrib.data.read_batch_features | |
tf.contrib.data.reduce_dataset | tf.compat.v1.contrib.data.reduce_dataset | |
tf.contrib.data.rejection_resample | tf.data.experimental.rejection_resample | |
tf.contrib.data.sample_from_datasets | tf.data.experimental.sample_from_datasets | |
tf.contrib.data.scan | tf.data.experimental.scan | |
tf.contrib.data.shuffle_and_repeat | tf.data.experimental.shuffle_and_repeat | |
tf.contrib.data.sliding_window_batch | tf.compat.v1.contrib.data.sliding_window_batch | |
tf.contrib.data.sloppy_interleave | tf.compat.v1.contrib.data.sloppy_interleave | |
tf.contrib.data.unbatch | tf.data.experimental.unbatch | |
tf.contrib.data.unique | tf.data.experimental.unique | |
tf.contrib.decision_trees | delete | |
tf.contrib.deprecated | deprecated? | |
tf.contrib.deprecated.audio_summary | ||
tf.contrib.deprecated.histogram_summary | tf.summary.histogram | |
tf.contrib.deprecated.image_summary | ||
tf.contrib.deprecated.merge_all_summaries | ||
tf.contrib.deprecated.merge_summary | ||
tf.contrib.deprecated.scalar_summary | tf.summary.scalar | |
tf.contrib.distribute | tf.distribute | |
tf.contrib.distribute.AllReduceCrossTowerOps | ||
tf.contrib.distribute.CollectiveAllReduceStrategy | ||
tf.contrib.distribute.CrossTowerOps | ||
tf.contrib.distribute.DistributeConfig | ||
tf.contrib.distribute.DistributionStrategy | ||
tf.contrib.distribute.MirroredStrategy | tf.distribute.MirroredStrategy | |
tf.contrib.distribute.Monitor | ||
tf.contrib.distribute.OneDeviceStrategy | ||
tf.contrib.distribute.ParameterServerStrategy | tf.distribute.experimental.ParameterServerStrategy | |
tf.contrib.distribute.ReductionToOneDeviceCrossTowerOps | ||
tf.contrib.distribute.StandardInputStep | ||
tf.contrib.distribute.StandardSingleLossStep | ||
tf.contrib.distribute.Step | ||
tf.contrib.distribute.TPUStrategy | tf.distribute.experimental.TPUStrategy | |
tf.contrib.distribute.TowerContext | ||
tf.contrib.distribute.UpdateContext | ||
tf.contrib.distribute.get_cross_tower_context | ||
tf.contrib.distribute.get_distribution_strategy | ||
tf.contrib.distribute.get_loss_reduction | ||
tf.contrib.distribute.get_tower_context | ||
tf.contrib.distribute.has_distribution_strategy | ||
tf.contrib.distribute.require_tower_context | ||
tf.contrib.distribute.run_standard_tensorflow_server | ||
tf.contrib.distributions | tfp.distributions | |
tf.contrib.distributions.Autoregressive | tfp.distributions.Autoregressive | |
tf.contrib.distributions.BatchReshape | tfp.distributions.BatchReshape | |
tf.contrib.distributions.Bernoulli | tfp.distributions.Bernoulli | |
tf.contrib.distributions.Beta | tfp.distributions.Beta | |
tf.contrib.distributions.BetaWithSoftplusConcentration | tfp.distributions.BetaWithSoftplusConcentration | |
tf.contrib.distributions.Binomial | tfp.distributions.Binomial | |
tf.contrib.distributions.Categorical | tfp.distributions.Categorical | |
tf.contrib.distributions.Cauchy | tfp.distributions.Cauchy | |
tf.contrib.distributions.Chi2 | tfp.distributions.Chi2 | |
tf.contrib.distributions.Chi2WithAbsDf | tfp.distributions.Chi2WithAbsDf | |
tf.contrib.distributions.ConditionalDistribution | tfp.distributions.ConditionalDistribution | |
tf.contrib.distributions.ConditionalTransformedDistribution | tfp.distributions.ConditionalTransformedDistribution | |
tf.contrib.distributions.Deterministic | tfp.distributions.Deterministic | |
tf.contrib.distributions.Dirichlet | tfp.distributions.Dirichlet | |
tf.contrib.distributions.DirichletMultinomial | tfp.distributions.DirichletMultinomial | |
tf.contrib.distributions.Distribution | tfp.distributions.Distribution | |
tf.contrib.distributions.ExpRelaxedOneHotCategorical | tfp.disttributions.ExpRelaxedOneHotCategorical | |
tf.contrib.distributions.Exponential | tfp.distributions.Exponential | |
tf.contrib.distributions.ExponentialWithSoftplusRate | tfp.distributions.ExponentialWithSoftplusRate | |
tf.contrib.distributions.Gamma | tfp.distributions.Gamma | |
tf.contrib.distributions.GammaWithSoftplusConcentrationRate | tfp.distributions.GammaWithSoftplusConcentrationRate | |
tf.contrib.distributions.Geometric | tfp.distributions.Geometric | |
tf.contrib.distributions.HalfNormal | tfp.distributions.HalfNormal | |
tf.contrib.distributions.Independent | tfp.distributions.Independent | |
tf.contrib.distributions.InverseGamma | tfp.distributions.InverseGamma | |
tf.contrib.distributions.InverseGammaWithSoftplusConcentrationRate | tfp.distributions.InverseGammaWithSoftplusCocentrationRate | |
tf.contrib.distributions.Kumaraswamy | tfp.distributions.Kumaraswamy | |
tf.contrib.distributions.Laplace | tfp.distributions.Laplace | |
tf.contrib.distributions.LaplaceWithSoftplusScale | tfp.distributions.LaplaceWithSoftplusScale | |
tf.contrib.distributions.Logistic | tfp.distributions.Logistic | |
tf.contrib.distributions.Mixture | tfp.distributions.Mixture | |
tf.contrib.distributions.MixtureSameFamily | tfp.distributions.MixtureSameFamily | |
tf.contrib.distributions.Multinomial | tfp.distributions.Multinomial | |
tf.contrib.distributions.MultivariateNormalDiag | tfp.distributions.MultivariateNormalDiag | |
tf.contrib.distributions.MultivariateNormalDiagPlusLowRank | tfp.distributions.MultivariateNormalDiagPlusLowRank | |
tf.contrib.distributions.MultivariateNormalDiagWithSoftplusScale | tfp.distributions.MultivariateNormalDiagWithSoftplusScale | |
tf.contrib.distributions.MultivariateNormalFullCovariance | tfp.distributions.MultivariateNormalFullCovariance | |
tf.contrib.distributions.MultivariateNormalTriL | tfp.distributions.MultivariateNormalTriL | |
tf.contrib.distributions.NegativeBinomial | tfp.distributions.NegativeBinomial | |
tf.contrib.distributions.Normal | tfp.distributions.Normal | |
tf.contrib.distributions.NormalWithSoftplusScale | tfp.distributions.NormalWithSoftplusScale | |
tf.contrib.distributions.OneHotCategorical | tfp.distributions.OneHotCategorical | |
tf.contrib.distributions.Poisson | tfp.distributions.Poisson | |
tf.contrib.distributions.PoissonLogNormalQuadratureCompound | tfp.distributions.PoissonLogNormalQuadratureCompound | |
tf.contrib.distributions.QuantizedDistribution | tfp.distributions.QuantizedDistribution | |
tf.contrib.distributions.RegisterKL | tfp.distributions.RegisterKL | |
tf.contrib.distributions.RelaxedBernoulli | tfp.distributions.RelaxedBernoulli | |
tf.contrib.distributions.RelaxedOneHotCategorical | tfp.distributions.RelaxedOneHotCategorical | |
tf.contrib.distributions.ReparameterizationType | tfp.distributions.ReparameterizationType | |
tf.contrib.distributions.SeedStream | tfp.distributions.SeedStream | |
tf.contrib.distributions.SinhArcsinh | tfp.distributions.SinhArcsinh | |
tf.contrib.distributions.StudentT | tfp.distributions.StudentT | |
tf.contrib.distributions.StudentTWithAbsDfSoftplusScale | tfp.distributions.StudentTWithAbsDfSoftplusScale | |
tf.contrib.distributions.TransformedDistribution | tfp.distributions.TransformedDistribution | |
tf.contrib.distributions.Uniform | tfp.distributions.Uniform | |
tf.contrib.distributions.VectorDeterministic | tfp.distributions.VectorDeterministic | |
tf.contrib.distributions.VectorDiffeomixture | tfp.distributions.VectorDiffeomixture | |
tf.contrib.distributions.VectorExponentialDiag | tfp.distributions.VectorExponentialDiag | |
tf.contrib.distributions.VectorLaplaceDiag | tfp.distributions.VectorLaplaceDiag | |
tf.contrib.distributions.VectorSinhArcsinhDiag | tfp.distributions.VectorSinhArcsinhDiag | |
tf.contrib.distributions.WishartCholesky | tfp.distributions.WishartCholesky | |
tf.contrib.distributions.WishartFull | tfp.distributions.WishartFull | |
tf.contrib.distributions.assign_log_moving_mean_exp | tfp.distributions.assign_log_moving_mean_exp | |
tf.contrib.distributions.assign_moving_mean_variance | tfp.distributions.assign_moving_mean_variance | |
tf.contrib.distributions.auto_correlation | tfp.distributions.auto_correlation | |
tf.contrib.distributions.bijectors | tfp.distributions.bijectors | |
tf.contrib.distributions.bijectors.AbsoluteValue | tfp.distributions.bijectors.AbsoluteValue | |
tf.contrib.distributions.bijectors.Affine | tfp.distributions.bijectors.Affine | |
tf.contrib.distributions.bijectors.AffineLinearOperator | tfp.distributions.bijectors.AffineLinearOperator | |
tf.contrib.distributions.bijectors.AffineScalar | tfp.distributions.bijectors.AffineScalar | |
tf.contrib.distributions.bijectors.BatchNormalization | tfp.distributions.bijectors.BatchNormalization | |
tf.contrib.distributions.bijectors.Bijector | tfp.distributions.bijectors.Bijector | |
tf.contrib.distributions.bijectors.Chain | tfp.distributions.bijectors.Chain | |
tf.contrib.distributions.bijectors.CholeskyOuterProduct | tfp.distributions.bijectors.CholeskyOuterProduct | |
tf.contrib.distributions.bijectors.ConditionalBijector | tfp.distributions.bijectors.ConditionalBijector | |
tf.contrib.distributions.bijectors.Exp | tfp.distributions.bijectors.Exp | |
tf.contrib.distributions.bijectors.FillTriangular | tfp.distributions.bijectors.FillTriangular | |
tf.contrib.distributions.bijectors.Gumbel | tfp.distributions.bijectors.Gumbel | |
tf.contrib.distributions.bijectors.Identity | tfp.distributions.bijectors.Identity | |
tf.contrib.distributions.bijectors.Inline | tfp.distributions.bijectors.Inline | |
tf.contrib.distributions.bijectors.Invert | tfp.distributions.bijectors.Invert | |
tf.contrib.distributions.bijectors.Kumaraswamy | tfp.distributions.bijectors.Kumaraswamy | |
tf.contrib.distributions.bijectors.MaskedAutoregressiveFlow | tfp.distributions.bijectors.MaskedAutoregressiveFlow | |
tf.contrib.distributions.bijectors.MatrixInverseTriL | tfp.distributions.bijectors.MatrixInverseTriL | |
tf.contrib.distributions.bijectors.Ordered | tfp.distributions.bijectors.Ordered | |
tf.contrib.distributions.bijectors.Permute | tfp.distributions.bijectors.Permute | |
tf.contrib.distributions.bijectors.PowerTransform | tfp.distributions.bijectors.PowerTransform | |
tf.contrib.distributions.bijectors.RealNVP | tfp.distributions.bijectors.RealNVP | |
tf.contrib.distributions.bijectors.Reshape | tfp.distributions.bijectors.Reshape | |
tf.contrib.distributions.bijectors.ScaleTriL | tfp.distributions.bijectors.ScaleTriL | |
tf.contrib.distributions.bijectors.Sigmoid | tfp.distributions.bijectors.Sigmoid | |
tf.contrib.distributions.bijectors.SinhArcsinh | tfp.distributions.bijectors.SinhArcsinh | |
tf.contrib.distributions.bijectors.SoftmaxCentered | tfp.distributions.bijectors.SoftmaxCentered | |
tf.contrib.distributions.bijectors.Softplus | tfp.distributions.bijectors.Softplus | |
tf.contrib.distributions.bijectors.Softsign | tfp.distributions.bijectors.Softsign | |
tf.contrib.distributions.bijectors.Square | tfp.distributions.bijectors.Square | |
tf.contrib.distributions.bijectors.TransformDiagonal | tfp.distributions.bijectors.TransformDiagonal | |
tf.contrib.distributions.bijectors.masked_autoregressive_default_template | tfp.distributions.bijectors.masked_autoregressive_default_template | |
tf.contrib.distributions.bijectors.masked_dense | tfp.distributions.bijectors.masked_dense | |
tf.contrib.distributions.bijectors.real_nvp_default_template | tfp.distributions.bijectors.real_nvp_default_template | |
tf.contrib.distributions.estimator_head_distribution_regression | ||
tf.contrib.distributions.fill_triangular | tfp.distributions.fill_triangular | |
tf.contrib.distributions.fill_triangular_inverse | tfp.distributions.fill_triangular_inverse | |
tf.contrib.distributions.kl_divergence | tfp.distributions.kl_divergence | |
tf.contrib.distributions.matrix_diag_transform | tfp.distributions.matrix_diag_transform | |
tf.contrib.distributions.moving_mean_variance | tfp.distributions.moving_mean_variance | |
tf.contrib.distributions.normal_conjugates_known_scale_posterior | tfp.distributions.normal_conjugates_known_scale_posterior | |
tf.contrib.distributions.normal_conjugates_known_scale_predictive | tfp.distributions.normal_conjugates_known_scale_predictive | |
tf.contrib.distributions.percentile | tfp.distributions.percentile | |
tf.contrib.distributions.quadrature_scheme_lognormal_gauss_hermite | tfp.distributions.quadrature_scheme_lognormal_gauss_hermite | |
tf.contrib.distributions.quadrature_scheme_lognormal_quantiles | tfp.distributions.quadrature_scheme_lognormal_quantiles | |
tf.contrib.distributions.quadrature_scheme_softmaxnormal_gauss_hermite | tfp.distributions.quadrature_scheme_softmaxnormal_gauss_hermite | |
tf.contrib.distributions.quadrature_scheme_softmaxnormal_quantiles | tfp.distributions.quadrature_scheme_softmaxnormal_quantiles | |
tf.contrib.distributions.reduce_weighted_logsumexp | tfp.distributions.reduce_weighted_logsumexp | |
tf.contrib.distributions.softplus_inverse | tfp.distributions.softplus_inverse | |
tf.contrib.distributions.tridiag | tfp.distributions.tridiag | |
tf.contrib.eager | moved to core | |
tf.contrib.eager.Checkpoint | ||
tf.contrib.eager.Checkpointable | ||
tf.contrib.eager.CheckpointableSaver | ||
tf.contrib.eager.EagerVariableStore | ||
tf.contrib.eager.GradientTape | ||
tf.contrib.eager.Iterator | ||
tf.contrib.eager.Network | ||
tf.contrib.eager.Saver | ||
tf.contrib.eager.Sequential | ||
tf.contrib.eager.TensorSpec | ||
tf.contrib.eager.Variable | ||
tf.contrib.eager.Variable.SaveSliceInfo | ||
tf.contrib.eager.add_execution_callback | ||
tf.contrib.eager.async_clear_error | ||
tf.contrib.eager.async_wait | ||
tf.contrib.eager.clear_execution_callbacks | ||
tf.contrib.eager.connect_to_remote_host | ||
tf.contrib.eager.custom_gradient | ||
tf.contrib.eager.defun | ||
tf.contrib.eager.enable_eager_execution | ||
tf.contrib.eager.enable_remote_eager_execution | ||
tf.contrib.eager.executing_eagerly | ||
tf.contrib.eager.execution_mode | ||
tf.contrib.eager.get_optimizer_variables | ||
tf.contrib.eager.gradients_function | ||
tf.contrib.eager.implicit_gradients | ||
tf.contrib.eager.implicit_value_and_gradients | ||
tf.contrib.eager.in_eager_mode | ||
tf.contrib.eager.inf_callback | ||
tf.contrib.eager.inf_nan_callback | ||
tf.contrib.eager.list_devices | ||
tf.contrib.eager.make_template | ||
tf.contrib.eager.metrics | ||
tf.contrib.eager.metrics.Accuracy | ||
tf.contrib.eager.metrics.BinaryAccuracy | ||
tf.contrib.eager.metrics.CategoricalAccuracy | ||
tf.contrib.eager.metrics.Mean | ||
tf.contrib.eager.metrics.Metric | ||
tf.contrib.eager.metrics.SparseAccuracy | ||
tf.contrib.eager.nan_callback | ||
tf.contrib.eager.num_gpus | ||
tf.contrib.eager.py_func | ||
tf.contrib.eager.restore_network_checkpoint | ||
tf.contrib.eager.restore_variables_on_create | ||
tf.contrib.eager.run | ||
tf.contrib.eager.run_all_tests_in_graph_and_eager_modes | ||
tf.contrib.eager.run_test_in_graph_and_eager_modes | ||
tf.contrib.eager.save_network_checkpoint | ||
tf.contrib.eager.set_execution_mode | ||
tf.contrib.eager.set_server_def | ||
tf.contrib.eager.seterr | ||
tf.contrib.eager.value_and_gradients_function | ||
tf.contrib.estimator | tf.estimator | |
tf.contrib.estimator.BaselineEstimator | tf.estimator.BaselineEstimator | |
tf.contrib.estimator.DNNClassifierWithLayerAnnotations | ||
tf.contrib.estimator.DNNEstimator | tf.estimator.DNNEstimator | |
tf.contrib.estimator.DNNLinearCombinedEstimator | tf.estimator.DNNLinearCombinedEstimator | |
tf.contrib.estimator.DNNRegressorWithLayerAnnotations | ||
tf.contrib.estimator.InMemoryEvaluatorHook | ||
tf.contrib.estimator.LinearEstimator | tf.estimator.LinearEstimator | |
tf.contrib.estimator.RNNClassifier | ||
tf.contrib.estimator.RNNEstimator | ||
tf.contrib.estimator.SavedModelEstimator | ||
tf.contrib.estimator.TowerOptimizer | ||
tf.contrib.estimator.add_metrics | tf.estimator.add_metrics | |
tf.contrib.estimator.binary_classification_head | ||
tf.contrib.estimator.boosted_trees_classifier_train_in_memory | ||
tf.contrib.estimator.boosted_trees_regressor_train_in_memory | ||
tf.contrib.estimator.build_raw_supervised_input_receiver_fn | ||
tf.contrib.estimator.build_supervised_input_receiver_fn_from_input_fn | ||
tf.contrib.estimator.call_logit_fn | tf.estimator.experimental.call_logit_fn | |
tf.contrib.estimator.clip_gradients_by_norm | ||
tf.contrib.estimator.dnn_logit_fn_builder | tf.estimator.experimental.dnn_logit_fn_builder | |
tf.contrib.estimator.export_all_saved_models | ||
tf.contrib.estimator.export_saved_model_for_mode | ||
tf.contrib.estimator.forward_features | ||
tf.contrib.estimator.linear_logit_fn_builder | tf.estimator.experimental.linear_logit_fn_builder | |
tf.contrib.estimator.logistic_regression_head | ||
tf.contrib.estimator.make_early_stopping_hook | tf.estimator.experimental.make_early_stopping_hook | |
tf.contrib.estimator.make_stop_at_checkpoint_step_hook | tf.estimator.experimental.make_stop_at_checkpoint_step_hook | |
tf.contrib.estimator.multi_class_head | ||
tf.contrib.estimator.multi_head | ||
tf.contrib.estimator.multi_label_head | ||
tf.contrib.estimator.poisson_regression_head | ||
tf.contrib.estimator.read_eval_metrics | ||
tf.contrib.estimator.regression_head | ||
tf.contrib.estimator.replicate_model_fn | ||
tf.contrib.estimator.stop_if_higher_hook | tf.estimator.experimental.stop_if_higher_hook | |
tf.contrib.estimator.stop_if_lower_hook | tf.estimator.experimental.stop_if_lower_hook | |
tf.contrib.estimator.stop_if_no_decrease_hook | tf.estimator.experimental.stop_if_no_decrease_hook | |
tf.contrib.estimator.stop_if_no_increase_hook | tf.estimator.experimental.stop_if_no_increase_hook | |
tf.contrib.factorization | rebuild in core? | |
tf.contrib.factorization.GMM | ||
tf.contrib.factorization.GmmAlgorithm | ||
tf.contrib.factorization.KMeans | ||
tf.contrib.factorization.KMeansClustering | ||
tf.contrib.factorization.WALSMatrixFactorization | ||
tf.contrib.factorization.WALSModel | ||
tf.contrib.factorization.gmm | ||
tf.contrib.feature_column | tf.feature_column | |
tf.contrib.feature_column.sequence_categorical_column_with_hash_bucket | tf.feature_column.sequence_categorical_column_with_hash_bucket | |
tf.contrib.feature_column.sequence_categorical_column_with_identity | tf.feature_column.sequence_categorical_column_with_identity | |
tf.contrib.feature_column.sequence_categorical_column_with_vocabulary_file | tf.feature_column.sequence_categorical_column_with_vocabulary_file | |
tf.contrib.feature_column.sequence_categorical_column_with_vocabulary_list | tf.feature_column.sequence_categorical_column_with_vocabulary_list | |
tf.contrib.feature_column.sequence_input_layer | tf.feature_column.sequence_input_layer | |
tf.contrib.feature_column.sequence_numeric_column | tf.feature_column.sequence_numeric_column | |
tf.contrib.ffmpeg | ||
tf.contrib.ffmpeg.decode_audio | ||
tf.contrib.ffmpeg.decode_video | ||
tf.contrib.ffmpeg.encode_audio | ||
tf.contrib.framework | partially move to core, delete the rest | |
tf.contrib.framework.BoundedTensorSpec | ||
tf.contrib.framework.CriticalSection | ||
tf.contrib.framework.RecordInput | ||
tf.contrib.framework.TensorSpec | ||
tf.contrib.framework.VariableDeviceChooser | ||
tf.contrib.framework.add_arg_scope | ||
tf.contrib.framework.add_model_variable | ||
tf.contrib.framework.arg_scope | ||
tf.contrib.framework.arg_scoped_arguments | ||
tf.contrib.framework.argsort | tf.argsort / tf.sort / tf.searchsorted | |
tf.contrib.framework.assert_global_step | ||
tf.contrib.framework.assert_or_get_global_step | ||
tf.contrib.framework.assert_same_float_dtype | ||
tf.contrib.framework.assert_scalar | ||
tf.contrib.framework.assert_scalar_int | ||
tf.contrib.framework.assign_from_checkpoint | ||
tf.contrib.framework.assign_from_checkpoint_fn | ||
tf.contrib.framework.assign_from_values | ||
tf.contrib.framework.assign_from_values_fn | ||
tf.contrib.framework.convert_to_tensor_or_sparse_tensor | ||
tf.contrib.framework.convolutional_delta_orthogonal | ||
tf.contrib.framework.convolutional_orthogonal_1d | ||
tf.contrib.framework.convolutional_orthogonal_2d | ||
tf.contrib.framework.convolutional_orthogonal_3d | ||
tf.contrib.framework.create_global_step | ||
tf.contrib.framework.current_arg_scope | ||
tf.contrib.framework.deprecated | ||
tf.contrib.framework.deprecated_arg_values | ||
tf.contrib.framework.deprecated_args | ||
tf.contrib.framework.filter_variables | ||
tf.contrib.framework.fuse_op | ||
tf.contrib.framework.get_global_step | ||
tf.contrib.framework.get_graph_from_inputs | ||
tf.contrib.framework.get_local_variables | ||
tf.contrib.framework.get_model_variables | ||
tf.contrib.framework.get_name_scope | ||
tf.contrib.framework.get_or_create_global_step | ||
tf.contrib.framework.get_placeholders | ||
tf.contrib.framework.get_trainable_variables | ||
tf.contrib.framework.get_unique_variable | ||
tf.contrib.framework.get_variable_full_name | ||
tf.contrib.framework.get_variables | ||
tf.contrib.framework.get_variables_by_name | ||
tf.contrib.framework.get_variables_by_suffix | ||
tf.contrib.framework.get_variables_to_restore | ||
tf.contrib.framework.global_variable | ||
tf.contrib.framework.has_arg_scope | ||
tf.contrib.framework.init_from_checkpoint | ||
tf.contrib.framework.is_tensor | ||
tf.contrib.framework.list_variables | ||
tf.contrib.framework.load_and_remap_matrix_initializer | ||
tf.contrib.framework.load_checkpoint | ||
tf.contrib.framework.load_embedding_initializer | ||
tf.contrib.framework.load_linear_multiclass_bias_initializer | ||
tf.contrib.framework.load_variable | ||
tf.contrib.framework.load_variable_slot_initializer | ||
tf.contrib.framework.local_variable | ||
tf.contrib.framework.model_variable | ||
tf.contrib.framework.nest | tf.nest | |
tf.contrib.framework.nest.assert_same_structure | ||
tf.contrib.framework.nest.assert_shallow_structure | ||
tf.contrib.framework.nest.flatten | tf.nest.flatten | |
tf.contrib.framework.nest.flatten_dict_items | ||
tf.contrib.framework.nest.flatten_up_to | ||
tf.contrib.framework.nest.flatten_with_joined_string_paths | ||
tf.contrib.framework.nest.get_traverse_shallow_structure | ||
tf.contrib.framework.nest.is_sequence | ||
tf.contrib.framework.nest.map_structure | ||
tf.contrib.framework.nest.map_structure_up_to | ||
tf.contrib.framework.nest.map_structure_with_paths | ||
tf.contrib.framework.nest.pack_sequence_as | ||
tf.contrib.framework.nest.yield_flat_paths | ||
tf.contrib.framework.prepend_name_scope | ||
tf.contrib.framework.py_func | ||
tf.contrib.framework.reduce_sum_n | ||
tf.contrib.framework.remove_squeezable_dimensions | ||
tf.contrib.framework.smart_case | ||
tf.contrib.framework.smart_cond | ||
tf.contrib.framework.smart_constant_value | ||
tf.contrib.framework.sort | tf.sort | |
tf.contrib.framework.strip_name_scope | ||
tf.contrib.framework.variable | ||
tf.contrib.framework.with_same_shape | ||
tf.contrib.framework.with_shape | ||
tf.contrib.framework.zero_initializer | ||
tf.contrib.gan | moving to own repo | |
tf.contrib.gan.ACGANModel | ||
tf.contrib.gan.CycleGANLoss | ||
tf.contrib.gan.CycleGANModel | ||
tf.contrib.gan.GANLoss | ||
tf.contrib.gan.GANModel | ||
tf.contrib.gan.GANTrainOps | ||
tf.contrib.gan.GANTrainSteps | ||
tf.contrib.gan.InfoGANModel | ||
tf.contrib.gan.RunTrainOpsHook | ||
tf.contrib.gan.StarGANModel | ||
tf.contrib.gan.acgan_model | ||
tf.contrib.gan.cyclegan_loss | ||
tf.contrib.gan.cyclegan_model | ||
tf.contrib.gan.estimator | ||
tf.contrib.gan.estimator.GANEstimator | ||
tf.contrib.gan.estimator.GANHead | ||
tf.contrib.gan.estimator.StarGANEstimator | ||
tf.contrib.gan.estimator.SummaryType | ||
tf.contrib.gan.estimator.gan_estimator | ||
tf.contrib.gan.estimator.gan_estimator.GANEstimator | ||
tf.contrib.gan.estimator.gan_estimator.SummaryType | ||
tf.contrib.gan.estimator.gan_head | ||
tf.contrib.gan.estimator.head | ||
tf.contrib.gan.estimator.head.GANHead | ||
tf.contrib.gan.estimator.head.gan_head | ||
tf.contrib.gan.estimator.stargan_estimator | ||
tf.contrib.gan.estimator.stargan_estimator.StarGANEstimator | ||
tf.contrib.gan.estimator.stargan_estimator.SummaryType | ||
tf.contrib.gan.eval | ||
tf.contrib.gan.eval.add_cyclegan_image_summaries | ||
tf.contrib.gan.eval.add_gan_model_image_summaries | ||
tf.contrib.gan.eval.add_gan_model_summaries | ||
tf.contrib.gan.eval.add_image_comparison_summaries | ||
tf.contrib.gan.eval.add_regularization_loss_summaries | ||
tf.contrib.gan.eval.add_stargan_image_summaries | ||
tf.contrib.gan.eval.classifier_metrics | ||
tf.contrib.gan.eval.classifier_metrics.classifier_score | ||
tf.contrib.gan.eval.classifier_metrics.classifier_score_from_logits | ||
tf.contrib.gan.eval.classifier_metrics.diagonal_only_frechet_classifier_distance_from_activations | ||
tf.contrib.gan.eval.classifier_metrics.frechet_classifier_distance | ||
tf.contrib.gan.eval.classifier_metrics.frechet_classifier_distance_from_activations | ||
tf.contrib.gan.eval.classifier_metrics.get_graph_def_from_disk | ||
tf.contrib.gan.eval.classifier_metrics.get_graph_def_from_resource | ||
tf.contrib.gan.eval.classifier_metrics.get_graph_def_from_url_tarball | ||
tf.contrib.gan.eval.classifier_metrics.mean_only_frechet_classifier_distance_from_activations | ||
tf.contrib.gan.eval.classifier_metrics.preprocess_image | ||
tf.contrib.gan.eval.classifier_metrics.run_image_classifier | ||
tf.contrib.gan.eval.classifier_metrics.run_inception | ||
tf.contrib.gan.eval.classifier_score | ||
tf.contrib.gan.eval.classifier_score_from_logits | ||
tf.contrib.gan.eval.diagonal_only_frechet_classifier_distance_from_activations | ||
tf.contrib.gan.eval.eval_utils | ||
tf.contrib.gan.eval.eval_utils.image_grid | ||
tf.contrib.gan.eval.eval_utils.image_reshaper | ||
tf.contrib.gan.eval.frechet_classifier_distance | ||
tf.contrib.gan.eval.frechet_classifier_distance_from_activations | ||
tf.contrib.gan.eval.get_graph_def_from_disk | ||
tf.contrib.gan.eval.get_graph_def_from_resource | ||
tf.contrib.gan.eval.get_graph_def_from_url_tarball | ||
tf.contrib.gan.eval.image_grid | ||
tf.contrib.gan.eval.image_reshaper | ||
tf.contrib.gan.eval.mean_only_frechet_classifier_distance_from_activations | ||
tf.contrib.gan.eval.preprocess_image | ||
tf.contrib.gan.eval.run_image_classifier | ||
tf.contrib.gan.eval.run_inception | ||
tf.contrib.gan.eval.sliced_wasserstein_distance | ||
tf.contrib.gan.eval.summaries | ||
tf.contrib.gan.eval.summaries.add_cyclegan_image_summaries | ||
tf.contrib.gan.eval.summaries.add_gan_model_image_summaries | ||
tf.contrib.gan.eval.summaries.add_gan_model_summaries | ||
tf.contrib.gan.eval.summaries.add_image_comparison_summaries | ||
tf.contrib.gan.eval.summaries.add_regularization_loss_summaries | ||
tf.contrib.gan.eval.summaries.add_stargan_image_summaries | ||
tf.contrib.gan.features | ||
tf.contrib.gan.features.VBN | ||
tf.contrib.gan.features.clip_discriminator_weights | ||
tf.contrib.gan.features.clip_variables | ||
tf.contrib.gan.features.condition_tensor | ||
tf.contrib.gan.features.condition_tensor_from_onehot | ||
tf.contrib.gan.features.tensor_pool | ||
tf.contrib.gan.gan_loss | ||
tf.contrib.gan.gan_model | ||
tf.contrib.gan.gan_train | ||
tf.contrib.gan.gan_train_ops | ||
tf.contrib.gan.get_joint_train_hooks | ||
tf.contrib.gan.get_sequential_train_hooks | ||
tf.contrib.gan.get_sequential_train_steps | ||
tf.contrib.gan.infogan_model | ||
tf.contrib.gan.losses | ||
tf.contrib.gan.losses.acgan_discriminator_loss | ||
tf.contrib.gan.losses.acgan_generator_loss | ||
tf.contrib.gan.losses.combine_adversarial_loss | ||
tf.contrib.gan.losses.cycle_consistency_loss | ||
tf.contrib.gan.losses.least_squares_discriminator_loss | ||
tf.contrib.gan.losses.least_squares_generator_loss | ||
tf.contrib.gan.losses.minimax_discriminator_loss | ||
tf.contrib.gan.losses.minimax_generator_loss | ||
tf.contrib.gan.losses.modified_discriminator_loss | ||
tf.contrib.gan.losses.modified_generator_loss | ||
tf.contrib.gan.losses.mutual_information_penalty | ||
tf.contrib.gan.losses.stargan_discriminator_loss_wrapper | ||
tf.contrib.gan.losses.stargan_generator_loss_wrapper | ||
tf.contrib.gan.losses.stargan_gradient_penalty_wrapper | ||
tf.contrib.gan.losses.wargs | ||
tf.contrib.gan.losses.wargs.acgan_discriminator_loss | ||
tf.contrib.gan.losses.wargs.acgan_generator_loss | ||
tf.contrib.gan.losses.wargs.combine_adversarial_loss | ||
tf.contrib.gan.losses.wargs.cycle_consistency_loss | ||
tf.contrib.gan.losses.wargs.least_squares_discriminator_loss | ||
tf.contrib.gan.losses.wargs.least_squares_generator_loss | ||
tf.contrib.gan.losses.wargs.minimax_discriminator_loss | ||
tf.contrib.gan.losses.wargs.minimax_generator_loss | ||
tf.contrib.gan.losses.wargs.modified_discriminator_loss | ||
tf.contrib.gan.losses.wargs.modified_generator_loss | ||
tf.contrib.gan.losses.wargs.mutual_information_penalty | ||
tf.contrib.gan.losses.wargs.wasserstein_discriminator_loss | ||
tf.contrib.gan.losses.wargs.wasserstein_generator_loss | ||
tf.contrib.gan.losses.wargs.wasserstein_gradient_penalty | ||
tf.contrib.gan.losses.wasserstein_discriminator_loss | ||
tf.contrib.gan.losses.wasserstein_generator_loss | ||
tf.contrib.gan.losses.wasserstein_gradient_penalty | ||
tf.contrib.gan.stargan_loss | ||
tf.contrib.gan.stargan_model | ||
tf.contrib.graph_editor | deprecated | |
tf.contrib.graph_editor.ControlOutputs | ||
tf.contrib.graph_editor.SubGraphView | ||
tf.contrib.graph_editor.Transformer | ||
tf.contrib.graph_editor.TransformerInfo | ||
tf.contrib.graph_editor.add_control_inputs | ||
tf.contrib.graph_editor.assign_renamed_collections_handler | ||
tf.contrib.graph_editor.bypass | ||
tf.contrib.graph_editor.can_be_regex | ||
tf.contrib.graph_editor.check_cios | ||
tf.contrib.graph_editor.compute_boundary_ts | ||
tf.contrib.graph_editor.connect | ||
tf.contrib.graph_editor.copy | ||
tf.contrib.graph_editor.copy_op_handler | ||
tf.contrib.graph_editor.copy_with_input_replacements | ||
tf.contrib.graph_editor.detach | ||
tf.contrib.graph_editor.detach_control_inputs | ||
tf.contrib.graph_editor.detach_control_outputs | ||
tf.contrib.graph_editor.detach_inputs | ||
tf.contrib.graph_editor.detach_outputs | ||
tf.contrib.graph_editor.edit | ||
tf.contrib.graph_editor.filter_ops | ||
tf.contrib.graph_editor.filter_ops_from_regex | ||
tf.contrib.graph_editor.filter_ts | ||
tf.contrib.graph_editor.filter_ts_from_regex | ||
tf.contrib.graph_editor.get_backward_walk_ops | ||
tf.contrib.graph_editor.get_consuming_ops | ||
tf.contrib.graph_editor.get_forward_walk_ops | ||
tf.contrib.graph_editor.get_generating_ops | ||
tf.contrib.graph_editor.get_name_scope_ops | ||
tf.contrib.graph_editor.get_ops_ios | ||
tf.contrib.graph_editor.get_tensors | ||
tf.contrib.graph_editor.get_walks_intersection_ops | ||
tf.contrib.graph_editor.get_walks_union_ops | ||
tf.contrib.graph_editor.get_within_boundary_ops | ||
tf.contrib.graph_editor.graph_replace | ||
tf.contrib.graph_editor.keep_t_if_possible_handler | ||
tf.contrib.graph_editor.make_list_of_op | ||
tf.contrib.graph_editor.make_list_of_t | ||
tf.contrib.graph_editor.make_placeholder_from_dtype_and_shape | ||
tf.contrib.graph_editor.make_placeholder_from_tensor | ||
tf.contrib.graph_editor.make_regex | ||
tf.contrib.graph_editor.make_view | ||
tf.contrib.graph_editor.make_view_from_scope | ||
tf.contrib.graph_editor.ph | ||
tf.contrib.graph_editor.placeholder_name | ||
tf.contrib.graph_editor.remove_control_inputs | ||
tf.contrib.graph_editor.replace_t_with_placeholder_handler | ||
tf.contrib.graph_editor.reroute | ||
tf.contrib.graph_editor.reroute_inputs | ||
tf.contrib.graph_editor.reroute_ios | ||
tf.contrib.graph_editor.reroute_outputs | ||
tf.contrib.graph_editor.reroute_ts | ||
tf.contrib.graph_editor.select | ||
tf.contrib.graph_editor.select_ops | ||
tf.contrib.graph_editor.select_ops_and_ts | ||
tf.contrib.graph_editor.select_ts | ||
tf.contrib.graph_editor.sgv | ||
tf.contrib.graph_editor.sgv_scope | ||
tf.contrib.graph_editor.subgraph | ||
tf.contrib.graph_editor.swap_inputs | ||
tf.contrib.graph_editor.swap_ios | ||
tf.contrib.graph_editor.swap_outputs | ||
tf.contrib.graph_editor.swap_ts | ||
tf.contrib.graph_editor.transform | ||
tf.contrib.graph_editor.transform_op_if_inside_handler | ||
tf.contrib.graph_editor.util | ||
tf.contrib.grid_rnn | deprecated | |
tf.contrib.image | partial move to addons | |
tf.contrib.image.angles_to_projective_transforms | ||
tf.contrib.image.compose_transforms | ||
tf.contrib.image.connected_components | ||
tf.contrib.image.dense_image_warp | ||
tf.contrib.image.flat_transforms_to_matrices | ||
tf.contrib.image.interpolate_spline | ||
tf.contrib.image.matrices_to_flat_transforms | ||
tf.contrib.image.rotate | ||
tf.contrib.image.single_image_random_dot_stereograms | ||
tf.contrib.image.sparse_image_warp | ||
tf.contrib.image.transform | ||
tf.contrib.image.translate | ||
tf.contrib.image.translations_to_projective_transforms | ||
tf.contrib.input_pipeline | deprecated | |
tf.contrib.input_pipeline.obtain_next | ||
tf.contrib.integrate | ||
tf.contrib.integrate.odeint | tf.scientific? (yet to be built) | |
tf.contrib.integrate.odeint_fixed | ||
tf.contrib.keras | tf.keras | |
tf.contrib.kernel_methods | ||
tf.contrib.kernel_methods.KernelLinearClassifier | ||
tf.contrib.kernel_methods.RandomFourierFeatureMapper | ||
tf.contrib.kernel_methods.sparse_multiclass_hinge_loss | ||
tf.contrib.labeled_tensor | ||
tf.contrib.layers | partial move to addons | |
tf.contrib.layers.GDN | ||
tf.contrib.layers.RevBlock | ||
tf.contrib.layers.apply_regularization | ||
tf.contrib.layers.avg_pool2d | ||
tf.contrib.layers.avg_pool3d | ||
tf.contrib.layers.batch_norm | ||
tf.contrib.layers.bias_add | ||
tf.contrib.layers.bow_encoder | ||
tf.contrib.layers.bucketized_column | ||
tf.contrib.layers.check_feature_columns | ||
tf.contrib.layers.conv1d | ||
tf.contrib.layers.conv2d | ||
tf.contrib.layers.conv2d_in_plane | ||
tf.contrib.layers.conv2d_transpose | ||
tf.contrib.layers.conv3d | ||
tf.contrib.layers.conv3d_transpose | ||
tf.contrib.layers.convolution | ||
tf.contrib.layers.convolution1d | ||
tf.contrib.layers.convolution2d | ||
tf.contrib.layers.convolution2d_in_plane | ||
tf.contrib.layers.convolution2d_transpose | ||
tf.contrib.layers.convolution3d | ||
tf.contrib.layers.convolution3d_transpose | ||
tf.contrib.layers.create_feature_spec_for_parsing | ||
tf.contrib.layers.crossed_column | ||
tf.contrib.layers.dense_to_sparse | ||
tf.contrib.layers.dropout | ||
tf.contrib.layers.embed_sequence | ||
tf.contrib.layers.embedding_column | ||
tf.contrib.layers.embedding_lookup_unique | ||
tf.contrib.layers.feature_column | ||
tf.contrib.layers.flatten | ||
tf.contrib.layers.fully_connected | ||
tf.contrib.layers.gdn | ||
tf.contrib.layers.group_norm | ||
tf.contrib.layers.images_to_sequence | ||
tf.contrib.layers.infer_real_valued_columns | ||
tf.contrib.layers.input_from_feature_columns | ||
tf.contrib.layers.instance_norm | ||
tf.contrib.layers.joint_weighted_sum_from_feature_columns | ||
tf.contrib.layers.l1_l2_regularizer | ||
tf.contrib.layers.l1_regularizer | ||
tf.contrib.layers.l2_regularizer | ||
tf.contrib.layers.layer_norm | ||
tf.contrib.layers.legacy_fully_connected | ||
tf.contrib.layers.make_place_holder_tensors_for_base_features | ||
tf.contrib.layers.max_pool2d | ||
tf.contrib.layers.max_pool3d | ||
tf.contrib.layers.maxout | ||
tf.contrib.layers.multi_class_target | ||
tf.contrib.layers.one_hot_column | ||
tf.contrib.layers.one_hot_encoding | ||
tf.contrib.layers.optimize_loss | ||
tf.contrib.layers.parse_feature_columns_from_examples | ||
tf.contrib.layers.parse_feature_columns_from_sequence_examples | ||
tf.contrib.layers.real_valued_column | ||
tf.contrib.layers.recompute_grad | ||
tf.contrib.layers.regression_target | ||
tf.contrib.layers.repeat | ||
tf.contrib.layers.rev_block | ||
tf.contrib.layers.safe_embedding_lookup_sparse | ||
tf.contrib.layers.scattered_embedding_column | ||
tf.contrib.layers.separable_conv2d | ||
tf.contrib.layers.separable_convolution2d | ||
tf.contrib.layers.sequence_input_from_feature_columns | ||
tf.contrib.layers.sequence_to_images | ||
tf.contrib.layers.shared_embedding_columns | ||
tf.contrib.layers.softmax | ||
tf.contrib.layers.sparse_column_with_hash_bucket | ||
tf.contrib.layers.sparse_column_with_integerized_feature | ||
tf.contrib.layers.sparse_column_with_keys | ||
tf.contrib.layers.sparse_column_with_vocabulary_file | ||
tf.contrib.layers.spatial_softmax | ||
tf.contrib.layers.stack | ||
tf.contrib.layers.sum_regularizer | ||
tf.contrib.layers.summaries | ||
tf.contrib.layers.summarize_activation | ||
tf.contrib.layers.summarize_activations | ||
tf.contrib.layers.summarize_collection | ||
tf.contrib.layers.summarize_tensor | ||
tf.contrib.layers.summarize_tensors | ||
tf.contrib.layers.transform_features | ||
tf.contrib.layers.unit_norm | ||
tf.contrib.layers.variance_scaling_initializer | ||
tf.contrib.layers.weighted_sparse_column | ||
tf.contrib.layers.weighted_sum_from_feature_columns | ||
tf.contrib.layers.xavier_initializer | ||
tf.contrib.layers.xavier_initializer_conv2d | ||
tf.contrib.learn | deleted in favor of tf.estimator | |
tf.contrib.learn.BaseEstimator | ||
tf.contrib.learn.DNNClassifier | ||
tf.contrib.learn.DNNEstimator | ||
tf.contrib.learn.DNNLinearCombinedClassifier | ||
tf.contrib.learn.DNNLinearCombinedEstimator | ||
tf.contrib.learn.DNNLinearCombinedRegressor | ||
tf.contrib.learn.DNNRegressor | ||
tf.contrib.learn.DynamicRnnEstimator | ||
tf.contrib.learn.Estimator | ||
tf.contrib.learn.Evaluable | ||
tf.contrib.learn.Experiment | ||
tf.contrib.learn.ExportStrategy | ||
tf.contrib.learn.Head | ||
tf.contrib.learn.InputFnOps | ||
tf.contrib.learn.KMeansClustering | ||
tf.contrib.learn.LinearClassifier | ||
tf.contrib.learn.LinearEstimator | ||
tf.contrib.learn.LinearRegressor | ||
tf.contrib.learn.LogisticRegressor | ||
tf.contrib.learn.MetricSpec | ||
tf.contrib.learn.ModeKeys | ||
tf.contrib.learn.ModelFnOps | ||
tf.contrib.learn.NanLossDuringTrainingError | ||
tf.contrib.learn.NotFittedError | ||
tf.contrib.learn.PredictionKey | ||
tf.contrib.learn.ProblemType | ||
tf.contrib.learn.RunConfig | ||
tf.contrib.learn.SKCompat | ||
tf.contrib.learn.SVM | ||
tf.contrib.learn.TaskType | ||
tf.contrib.learn.Trainable | ||
tf.contrib.learn.binary_svm_head | ||
tf.contrib.learn.build_parsing_serving_input_fn | ||
tf.contrib.learn.datasets | ||
tf.contrib.learn.evaluate | ||
tf.contrib.learn.extract_dask_data | ||
tf.contrib.learn.extract_dask_labels | ||
tf.contrib.learn.extract_pandas_data | ||
tf.contrib.learn.extract_pandas_labels | ||
tf.contrib.learn.extract_pandas_matrix | ||
tf.contrib.learn.graph_actions | ||
tf.contrib.learn.head | ||
tf.contrib.learn.infer | ||
tf.contrib.learn.infer_real_valued_columns_from_input | ||
tf.contrib.learn.infer_real_valued_columns_from_input_fn | ||
tf.contrib.learn.io | ||
tf.contrib.learn.learn_runner | ||
tf.contrib.learn.learn_runner.run | ||
tf.contrib.learn.learn_runner.tune | ||
tf.contrib.learn.make_export_strategy | ||
tf.contrib.learn.models | ||
tf.contrib.learn.monitors | ||
tf.contrib.learn.multi_class_head | ||
tf.contrib.learn.multi_head | ||
tf.contrib.learn.multi_label_head | ||
tf.contrib.learn.no_op_train_fn | ||
tf.contrib.learn.ops | ||
tf.contrib.learn.poisson_regression_head | ||
tf.contrib.learn.preprocessing | ||
tf.contrib.learn.read_batch_examples | ||
tf.contrib.learn.read_batch_features | ||
tf.contrib.learn.read_batch_record_features | ||
tf.contrib.learn.read_keyed_batch_examples | ||
tf.contrib.learn.read_keyed_batch_examples_shared_queue | ||
tf.contrib.learn.read_keyed_batch_features | ||
tf.contrib.learn.read_keyed_batch_features_shared_queue | ||
tf.contrib.learn.regression_head | ||
tf.contrib.learn.run_feeds | ||
tf.contrib.learn.run_n | ||
tf.contrib.learn.train | ||
tf.contrib.learn.utils | ||
tf.contrib.legacy_seq2seq | deleted and replaced with tf.seq2seq | |
tf.contrib.legacy_seq2seq.attention_decoder | ||
tf.contrib.legacy_seq2seq.basic_rnn_seq2seq | ||
tf.contrib.legacy_seq2seq.embedding_attention_decoder | ||
tf.contrib.legacy_seq2seq.embedding_attention_seq2seq | ||
tf.contrib.legacy_seq2seq.embedding_rnn_decoder | ||
tf.contrib.legacy_seq2seq.embedding_rnn_seq2seq | ||
tf.contrib.legacy_seq2seq.embedding_tied_rnn_seq2seq | ||
tf.contrib.legacy_seq2seq.model_with_buckets | ||
tf.contrib.legacy_seq2seq.one2many_rnn_seq2seq | ||
tf.contrib.legacy_seq2seq.rnn_decoder | ||
tf.contrib.legacy_seq2seq.sequence_loss | ||
tf.contrib.legacy_seq2seq.sequence_loss_by_example | ||
tf.contrib.legacy_seq2seq.tied_rnn_seq2seq | ||
tf.contrib.linalg | tf.linalg | |
tf.contrib.linear_optimizer | tf.estimator? | |
tf.contrib.linear_optimizer.SDCAOptimizer | ||
tf.contrib.linear_optimizer.SdcaModel | ||
tf.contrib.linear_optimizer.SparseFeatureColumn | ||
tf.contrib.lite | tf.lite | |
tf.contrib.lite.ConverterMode | ||
tf.contrib.lite.DecodeError | ||
tf.contrib.lite.Interpreter | tf.lite.Interpreter | |
tf.contrib.lite.OpHint | tf.lite.OpHint | |
tf.contrib.lite.OpHint.OpHintArgumentTracker | tf.lite.OpHint.OpHintArgumentTracker | |
tf.contrib.lite.TFLiteConverter | tf.lite.TFLiteConverter | |
tf.contrib.lite.TocoConverter | ||
tf.contrib.lite.build_toco_convert_protos | ||
tf.contrib.lite.constants | tf.lite.constants | |
tf.contrib.lite.convert_op_hints_to_stubs | tf.lite.convert_op_hints_to_stubs | |
tf.contrib.lite.toco_convert | ||
tf.contrib.lite.toco_convert_protos | ||
tf.contrib.lookup | tf.lookup? | |
tf.contrib.lookup.HashTable | ||
tf.contrib.lookup.HasherSpec | ||
tf.contrib.lookup.IdTableWithHashBuckets | ||
tf.contrib.lookup.InitializableLookupTableBase | ||
tf.contrib.lookup.KeyValueTensorInitializer | ||
tf.contrib.lookup.LookupInterface | ||
tf.contrib.lookup.MutableDenseHashTable | ||
tf.contrib.lookup.MutableHashTable | ||
tf.contrib.lookup.StrongHashSpec | ||
tf.contrib.lookup.TableInitializerBase | ||
tf.contrib.lookup.TextFileIdTableInitializer | ||
tf.contrib.lookup.TextFileIndex | ||
tf.contrib.lookup.TextFileInitializer | ||
tf.contrib.lookup.TextFileStringTableInitializer | ||
tf.contrib.lookup.index_table_from_file | ||
tf.contrib.lookup.index_table_from_tensor | ||
tf.contrib.lookup.index_to_string | ||
tf.contrib.lookup.index_to_string_table_from_file | ||
tf.contrib.lookup.index_to_string_table_from_tensor | ||
tf.contrib.lookup.string_to_index | ||
tf.contrib.lookup.string_to_index_table_from_file | ||
tf.contrib.lookup.string_to_index_table_from_tensor | ||
tf.contrib.losses | partial move to addons | |
tf.contrib.losses.absolute_difference | ||
tf.contrib.losses.add_loss | ||
tf.contrib.losses.compute_weighted_loss | ||
tf.contrib.losses.cosine_distance | ||
tf.contrib.losses.get_losses | ||
tf.contrib.losses.get_regularization_losses | ||
tf.contrib.losses.get_total_loss | ||
tf.contrib.losses.hinge_loss | ||
tf.contrib.losses.log_loss | ||
tf.contrib.losses.mean_pairwise_squared_error | ||
tf.contrib.losses.mean_squared_error | ||
tf.contrib.losses.metric_learning | ||
tf.contrib.losses.metric_learning.cluster_loss | ||
tf.contrib.losses.metric_learning.contrastive_loss | ||
tf.contrib.losses.metric_learning.lifted_struct_loss | ||
tf.contrib.losses.metric_learning.npairs_loss | ||
tf.contrib.losses.metric_learning.npairs_loss_multilabel | ||
tf.contrib.losses.metric_learning.triplet_semihard_loss | ||
tf.contrib.losses.sigmoid_cross_entropy | ||
tf.contrib.losses.softmax_cross_entropy | ||
tf.contrib.losses.sparse_softmax_cross_entropy | ||
tf.contrib.memory_stats | delete | |
tf.contrib.memory_stats.BytesInUse | ||
tf.contrib.memory_stats.BytesLimit | ||
tf.contrib.memory_stats.MaxBytesInUse | ||
tf.contrib.meta_graph_transform | delete | |
tf.contrib.meta_graph_transform.meta_graph_transform | ||
tf.contrib.meta_graph_transform.meta_graph_transform.meta_graph_transform | ||
tf.contrib.metrics | delete, replaced with tf.metrics | |
tf.contrib.metrics.accuracy | ||
tf.contrib.metrics.aggregate_metric_map | ||
tf.contrib.metrics.aggregate_metrics | ||
tf.contrib.metrics.auc_using_histogram | ||
tf.contrib.metrics.auc_with_confidence_intervals | ||
tf.contrib.metrics.cohen_kappa | ||
tf.contrib.metrics.confusion_matrix | ||
tf.contrib.metrics.count | ||
tf.contrib.metrics.f1_score | ||
tf.contrib.metrics.precision_at_recall | ||
tf.contrib.metrics.precision_recall_at_equal_thresholds | ||
tf.contrib.metrics.recall_at_precision | ||
tf.contrib.metrics.set_difference | ||
tf.contrib.metrics.set_intersection | ||
tf.contrib.metrics.set_size | ||
tf.contrib.metrics.set_union | ||
tf.contrib.metrics.sparse_recall_at_top_k | ||
tf.contrib.metrics.streaming_accuracy | ||
tf.contrib.metrics.streaming_auc | ||
tf.contrib.metrics.streaming_concat | ||
tf.contrib.metrics.streaming_covariance | ||
tf.contrib.metrics.streaming_curve_points | ||
tf.contrib.metrics.streaming_dynamic_auc | ||
tf.contrib.metrics.streaming_false_negative_rate | ||
tf.contrib.metrics.streaming_false_negative_rate_at_thresholds | ||
tf.contrib.metrics.streaming_false_negatives | ||
tf.contrib.metrics.streaming_false_negatives_at_thresholds | ||
tf.contrib.metrics.streaming_false_positive_rate | ||
tf.contrib.metrics.streaming_false_positive_rate_at_thresholds | ||
tf.contrib.metrics.streaming_false_positives | ||
tf.contrib.metrics.streaming_false_positives_at_thresholds | ||
tf.contrib.metrics.streaming_mean | ||
tf.contrib.metrics.streaming_mean_absolute_error | ||
tf.contrib.metrics.streaming_mean_cosine_distance | ||
tf.contrib.metrics.streaming_mean_iou | ||
tf.contrib.metrics.streaming_mean_relative_error | ||
tf.contrib.metrics.streaming_mean_squared_error | ||
tf.contrib.metrics.streaming_mean_tensor | ||
tf.contrib.metrics.streaming_pearson_correlation | ||
tf.contrib.metrics.streaming_percentage_less | ||
tf.contrib.metrics.streaming_precision | ||
tf.contrib.metrics.streaming_precision_at_thresholds | ||
tf.contrib.metrics.streaming_recall | ||
tf.contrib.metrics.streaming_recall_at_k | ||
tf.contrib.metrics.streaming_recall_at_thresholds | ||
tf.contrib.metrics.streaming_root_mean_squared_error | ||
tf.contrib.metrics.streaming_sensitivity_at_specificity | ||
tf.contrib.metrics.streaming_sparse_average_precision_at_k | ||
tf.contrib.metrics.streaming_sparse_average_precision_at_top_k | ||
tf.contrib.metrics.streaming_sparse_precision_at_k | ||
tf.contrib.metrics.streaming_sparse_precision_at_top_k | ||
tf.contrib.metrics.streaming_sparse_recall_at_k | ||
tf.contrib.metrics.streaming_specificity_at_sensitivity | ||
tf.contrib.metrics.streaming_true_negatives | ||
tf.contrib.metrics.streaming_true_negatives_at_thresholds | ||
tf.contrib.metrics.streaming_true_positives | ||
tf.contrib.metrics.streaming_true_positives_at_thresholds | ||
tf.contrib.mixed_precision | delete | |
tf.contrib.mixed_precision.ExponentialUpdateLossScaleManager | ||
tf.contrib.mixed_precision.FixedLossScaleManager | ||
tf.contrib.mixed_precision.LossScaleManager | ||
tf.contrib.mixed_precision.LossScaleOptimizer | ||
tf.contrib.model_pruning | moved to core? | |
tf.contrib.model_pruning.MaskedBasicLSTMCell | ||
tf.contrib.model_pruning.MaskedLSTMCell | ||
tf.contrib.model_pruning.Pruning | ||
tf.contrib.model_pruning.apply_mask | ||
tf.contrib.model_pruning.get_masked_weights | ||
tf.contrib.model_pruning.get_masks | ||
tf.contrib.model_pruning.get_pruning_hparams | ||
tf.contrib.model_pruning.get_thresholds | ||
tf.contrib.model_pruning.get_weight_sparsity | ||
tf.contrib.model_pruning.get_weights | ||
tf.contrib.model_pruning.graph_def_from_checkpoint | ||
tf.contrib.model_pruning.masked_conv2d | ||
tf.contrib.model_pruning.masked_convolution | ||
tf.contrib.model_pruning.masked_fully_connected | ||
tf.contrib.model_pruning.strip_pruning_vars_fn | ||
tf.contrib.model_pruning.train | ||
tf.contrib.nccl | moved to core? | |
tf.contrib.nccl.all_max | ||
tf.contrib.nccl.all_min | ||
tf.contrib.nccl.all_prod | ||
tf.contrib.nccl.all_sum | ||
tf.contrib.nccl.broadcast | ||
tf.contrib.nccl.reduce_sum | ||
tf.contrib.nn | moved to tensorflow/addons? | |
tf.contrib.nn.alpha_dropout | ||
tf.contrib.nn.conv1d_transpose | ||
tf.contrib.nn.deprecated_flipped_sigmoid_cross_entropy_with_logits | ||
tf.contrib.nn.deprecated_flipped_softmax_cross_entropy_with_logits | ||
tf.contrib.nn.deprecated_flipped_sparse_softmax_cross_entropy_with_logits | ||
tf.contrib.nn.nth_element | ||
tf.contrib.nn.rank_sampled_softmax_loss | ||
tf.contrib.nn.sampled_sparse_softmax_loss | ||
tf.contrib.nn.scaled_softplus | ||
tf.contrib.opt | moved to addons? | |
tf.contrib.opt.AGNCustomGetter | ||
tf.contrib.opt.AGNOptimizer | ||
tf.contrib.opt.AdaMaxOptimizer | ||
tf.contrib.opt.AdamWOptimizer | ||
tf.contrib.opt.AddSignOptimizer | ||
tf.contrib.opt.DecoupledWeightDecayExtension | ||
tf.contrib.opt.DropStaleGradientOptimizer | ||
tf.contrib.opt.ElasticAverageCustomGetter | ||
tf.contrib.opt.ElasticAverageOptimizer | ||
tf.contrib.opt.ExternalOptimizerInterface | ||
tf.contrib.opt.GGTOptimizer | ||
tf.contrib.opt.LARSOptimizer | ||
tf.contrib.opt.LazyAdamOptimizer | ||
tf.contrib.opt.ModelAverageCustomGetter | ||
tf.contrib.opt.ModelAverageOptimizer | ||
tf.contrib.opt.MomentumWOptimizer | ||
tf.contrib.opt.MovingAverageOptimizer | ||
tf.contrib.opt.MultitaskOptimizerWrapper | ||
tf.contrib.opt.NadamOptimizer | ||
tf.contrib.opt.PowerSignOptimizer | ||
tf.contrib.opt.RegAdagradOptimizer | ||
tf.contrib.opt.ScipyOptimizerInterface | ||
tf.contrib.opt.ShampooOptimizer | ||
tf.contrib.opt.VariableClippingOptimizer | ||
tf.contrib.opt.clip_gradients_by_global_norm | ||
tf.contrib.opt.extend_with_decoupled_weight_decay | ||
tf.contrib.optimizer_v2 | tf.optimizers | |
tf.contrib.optimizer_v2.AdadeltaOptimizer | tf.optimizers.AdaDelta | |
tf.contrib.optimizer_v2.AdagradOptimizer | tf.optimizers.Adagrad | |
tf.contrib.optimizer_v2.AdamOptimizer | tf.optimizers.Adam | |
tf.contrib.optimizer_v2.GradientDescentOptimizer | ||
tf.contrib.optimizer_v2.MomentumOptimizer | ||
tf.contrib.optimizer_v2.OptimizerV2 | tf.optimizers.Optimizer | |
tf.contrib.optimizer_v2.RMSPropOptimizer | tf.optimizers.RMSprop | |
tf.contrib.periodic_resample | delete (no owner) | |
tf.contrib.periodic_resample.periodic_resample | ||
tf.contrib.predictor | delete (replace with tfhub) | |
tf.contrib.predictor.from_contrib_estimator | ||
tf.contrib.predictor.from_estimator | ||
tf.contrib.predictor.from_saved_model | ||
tf.contrib.proto | moved to core? | |
tf.contrib.proto.decode_proto | ||
tf.contrib.proto.encode_proto | ||
tf.contrib.quantization | deleted; absorbed into tflite | |
tf.contrib.quantize | ||
tf.contrib.quantize.create_eval_graph | ||
tf.contrib.quantize.create_training_graph | ||
tf.contrib.quantize.experimental_create_eval_graph | ||
tf.contrib.quantize.experimental_create_training_graph | ||
tf.contrib.receptive_field | ????? | |
tf.contrib.receptive_field.compute_receptive_field_from_graph_def | ||
tf.contrib.receptive_field.get_compute_order | ||
tf.contrib.recurrent | replaced with RNN API? | |
tf.contrib.recurrent.Recurrent | ||
tf.contrib.recurrent.bidirectional_functional_rnn | ||
tf.contrib.recurrent.functional_rnn | ||
tf.contrib.reduce_slice_ops | delete (no owner) | |
tf.contrib.reduce_slice_ops.python | ||
tf.contrib.reduce_slice_ops.python.ops | ||
tf.contrib.remote_fused_graph | ???? | |
tf.contrib.remote_fused_graph.remote_fused_graph_execute | ||
tf.contrib.resampler | move to tf.scientific? | |
tf.contrib.resampler.resampler | ||
tf.contrib.rnn | replace with new RNN API? | |
tf.contrib.rnn.AttentionCellWrapper | ||
tf.contrib.rnn.BasicLSTMCell | ||
tf.contrib.rnn.BasicRNNCell | ||
tf.contrib.rnn.BidirectionalGridLSTMCell | ||
tf.contrib.rnn.CompiledWrapper | ||
tf.contrib.rnn.Conv1DLSTMCell | ||
tf.contrib.rnn.Conv2DLSTMCell | ||
tf.contrib.rnn.Conv3DLSTMCell | ||
tf.contrib.rnn.ConvLSTMCell | ||
tf.contrib.rnn.CoupledInputForgetGateLSTMCell | ||
tf.contrib.rnn.DeviceWrapper | ||
tf.contrib.rnn.DropoutWrapper | ||
tf.contrib.rnn.EmbeddingWrapper | ||
tf.contrib.rnn.FusedRNNCell | ||
tf.contrib.rnn.FusedRNNCellAdaptor | ||
tf.contrib.rnn.GLSTMCell | ||
tf.contrib.rnn.GRUBlockCell | ||
tf.contrib.rnn.GRUBlockCellV2 | ||
tf.contrib.rnn.GRUCell | ||
tf.contrib.rnn.GridLSTMCell | ||
tf.contrib.rnn.HighwayWrapper | ||
tf.contrib.rnn.IndRNNCell | ||
tf.contrib.rnn.IndyGRUCell | ||
tf.contrib.rnn.IndyLSTMCell | ||
tf.contrib.rnn.InputProjectionWrapper | ||
tf.contrib.rnn.IntersectionRNNCell | ||
tf.contrib.rnn.LSTMBlockCell | ||
tf.contrib.rnn.LSTMBlockFusedCell | ||
tf.contrib.rnn.LSTMBlockWrapper | ||
tf.contrib.rnn.LSTMCell | ||
tf.contrib.rnn.LSTMStateTuple | tf.nn.rnn_cell.LSTMStateTuple | |
tf.contrib.rnn.LayerNormBasicLSTMCell | ||
tf.contrib.rnn.LayerRNNCell | ||
tf.contrib.rnn.MultiRNNCell | ||
tf.contrib.rnn.NASCell | ||
tf.contrib.rnn.OutputProjectionWrapper | ||
tf.contrib.rnn.PhasedLSTMCell | ||
tf.contrib.rnn.RNNCell | tf.nn.rnn_cell.RNNCell | |
tf.contrib.rnn.ResidualWrapper | ||
tf.contrib.rnn.SRUCell | ||
tf.contrib.rnn.TimeFreqLSTMCell | ||
tf.contrib.rnn.TimeReversedFusedRNN | ||
tf.contrib.rnn.UGRNNCell | ||
tf.contrib.rnn.best_effort_input_batch_size | ||
tf.contrib.rnn.stack_bidirectional_dynamic_rnn | ||
tf.contrib.rnn.stack_bidirectional_rnn | ||
tf.contrib.rnn.static_bidirectional_rnn | ||
tf.contrib.rnn.static_rnn | ||
tf.contrib.rnn.static_state_saving_rnn | ||
tf.contrib.rnn.transpose_batch_time | ||
tf.contrib.rpc | ????? | |
tf.contrib.rpc.rpc | ||
tf.contrib.rpc.try_rpc | ||
tf.contrib.saved_model | moved to core | |
tf.contrib.saved_model.load_keras_model | ||
tf.contrib.saved_model.save_keras_model | ||
tf.contrib.seq2seq | move to core, adapt | |
tf.contrib.seq2seq.AttentionMechanism | ||
tf.contrib.seq2seq.AttentionWrapper | ||
tf.contrib.seq2seq.AttentionWrapperState | ||
tf.contrib.seq2seq.BahdanauAttention | ||
tf.contrib.seq2seq.BahdanauMonotonicAttention | ||
tf.contrib.seq2seq.BasicDecoder | ||
tf.contrib.seq2seq.BasicDecoderOutput | ||
tf.contrib.seq2seq.BeamSearchDecoder | ||
tf.contrib.seq2seq.BeamSearchDecoderOutput | ||
tf.contrib.seq2seq.BeamSearchDecoderState | ||
tf.contrib.seq2seq.CustomHelper | ||
tf.contrib.seq2seq.Decoder | ||
tf.contrib.seq2seq.FinalBeamSearchDecoderOutput | ||
tf.contrib.seq2seq.GreedyEmbeddingHelper | ||
tf.contrib.seq2seq.Helper | ||
tf.contrib.seq2seq.InferenceHelper | ||
tf.contrib.seq2seq.LuongAttention | ||
tf.contrib.seq2seq.LuongMonotonicAttention | ||
tf.contrib.seq2seq.SampleEmbeddingHelper | ||
tf.contrib.seq2seq.ScheduledEmbeddingTrainingHelper | ||
tf.contrib.seq2seq.ScheduledOutputTrainingHelper | ||
tf.contrib.seq2seq.TrainingHelper | ||
tf.contrib.seq2seq.dynamic_decode | ||
tf.contrib.seq2seq.gather_tree | ||
tf.contrib.seq2seq.hardmax | ||
tf.contrib.seq2seq.monotonic_attention | ||
tf.contrib.seq2seq.safe_cumprod | ||
tf.contrib.seq2seq.sequence_loss | ||
tf.contrib.seq2seq.tile_batch | ||
tf.contrib.session_bundle | delete | |
tf.contrib.signal | tf.signal | |
tf.contrib.signal.frame | tf.signal.frame | |
tf.contrib.signal.hamming_window | tf.signal.hamming_window | |
tf.contrib.signal.hann_window | tf.signal.hann_window | |
tf.contrib.signal.inverse_stft | tf.signal.inverse_stft | |
tf.contrib.signal.inverse_stft_window_fn | tf.signal.inverse_stft_window_fn | |
tf.contrib.signal.linear_to_mel_weight_matrix | tf.signal.linear_to_mel_weight_matrix | |
tf.contrib.signal.mfccs_from_log_mel_spectrograms | tf.signal.mfccs_from_log_mel_spectrograms | |
tf.contrib.signal.overlap_and_add | tf.signal.overlap_and_add | |
tf.contrib.signal.stft | tf.signal.stft | |
tf.contrib.slim | move to tf.models? | |
tf.contrib.solvers | move to tf.scientific? | |
tf.contrib.sparsemax | move to addons? | |
tf.contrib.sparsemax.sparsemax | ||
tf.contrib.sparsemax.sparsemax_loss | ||
tf.contrib.specs | delete | |
tf.contrib.staging | delete (redundant) | |
tf.contrib.staging.StagingArea | ||
tf.contrib.stat_summarizer | delete (no owner) | |
tf.contrib.stat_summarizer.StatSummarizer | ||
tf.contrib.stateless | replace random ops with this? | |
tf.contrib.stateless.stateless_multinomial | ||
tf.contrib.stateless.stateless_random_normal | ||
tf.contrib.stateless.stateless_random_uniform | ||
tf.contrib.stateless.stateless_truncated_normal | ||
tf.contrib.summary | tf.summary | |
tf.contrib.summary.SummaryWriter | tf.summary.SummaryWriter | |
tf.contrib.summary.all_summary_ops | ||
tf.contrib.summary.always_record_summaries | ||
tf.contrib.summary.audio | tf.summary.audio | |
tf.contrib.summary.create_db_writer | ||
tf.contrib.summary.create_file_writer | tf.summary.create_file_writer | |
tf.contrib.summary.create_summary_file_writer | ||
tf.contrib.summary.eval_dir | ||
tf.contrib.summary.flush | tf.summary.flush | |
tf.contrib.summary.generic | ||
tf.contrib.summary.graph | ||
tf.contrib.summary.histogram | tf.summary.histogram | |
tf.contrib.summary.image | tf.summary.image | |
tf.contrib.summary.import_event | tf.summary.import_event | |
tf.contrib.summary.initialize | ||
tf.contrib.summary.never_record_summaries | ||
tf.contrib.summary.record_summaries_every_n_global_steps | ||
tf.contrib.summary.scalar | tf.summary.scalar | |
tf.contrib.summary.should_record_summaries | ||
tf.contrib.summary.summary_writer_initializer_op | ||
tf.contrib.tensor_forest | delete (moving to core) | |
tf.contrib.tensorboard | moved to tensorboard | |
tf.contrib.testing | move to code, make private | |
tf.contrib.tfprof | delete (replaced with tf.profiler) | |
tf.contrib.timeseries | moved to tf.estimator? | |
tf.contrib.timeseries.ARModel | ||
tf.contrib.timeseries.ARRegressor | ||
tf.contrib.timeseries.CSVReader | ||
tf.contrib.timeseries.FilteringResults | ||
tf.contrib.timeseries.NumpyReader | ||
tf.contrib.timeseries.OneShotPredictionHead | ||
tf.contrib.timeseries.RandomWindowInputFn | ||
tf.contrib.timeseries.StructuralEnsembleRegressor | ||
tf.contrib.timeseries.TimeSeriesRegressor | ||
tf.contrib.timeseries.TrainEvalFeatures | ||
tf.contrib.timeseries.WholeDatasetInputFn | ||
tf.contrib.timeseries.predict_continuation_input_fn | ||
tf.contrib.timeseries.saved_model_utils | ||
tf.contrib.timeseries.saved_model_utils.cold_start_filter | ||
tf.contrib.timeseries.saved_model_utils.filter_continuation | ||
tf.contrib.timeseries.saved_model_utils.predict_continuation | ||
tf.contrib.tpu | moved to tf.tpu? | |
tf.contrib.tpu.AsyncCheckpointSaverHook | ||
tf.contrib.tpu.CrossShardOptimizer | ||
tf.contrib.tpu.DeviceAssignment | ||
tf.contrib.tpu.InfeedQueue | ||
tf.contrib.tpu.InputPipelineConfig | ||
tf.contrib.tpu.RunConfig | ||
tf.contrib.tpu.TPUConfig | ||
tf.contrib.tpu.TPUDistributionStrategy | ||
tf.contrib.tpu.TPUEstimator | ||
tf.contrib.tpu.TPUEstimatorSpec | ||
tf.contrib.tpu.Topology | ||
tf.contrib.tpu.batch_parallel | ||
tf.contrib.tpu.bfloat16_scope | ||
tf.contrib.tpu.core | ||
tf.contrib.tpu.cross_replica_sum | ||
tf.contrib.tpu.device_assignment | ||
tf.contrib.tpu.export_estimator_savedmodel | ||
tf.contrib.tpu.infeed_dequeue | ||
tf.contrib.tpu.infeed_dequeue_tuple | ||
tf.contrib.tpu.infeed_enqueue | ||
tf.contrib.tpu.infeed_enqueue_tuple | ||
tf.contrib.tpu.initialize_system | ||
tf.contrib.tpu.keras_to_tpu_model | ||
tf.contrib.tpu.outfeed_dequeue | ||
tf.contrib.tpu.outfeed_dequeue_tuple | ||
tf.contrib.tpu.outfeed_enqueue | ||
tf.contrib.tpu.outfeed_enqueue_tuple | ||
tf.contrib.tpu.outside_compilation | ||
tf.contrib.tpu.profiler | ||
tf.contrib.tpu.profiler.Device | ||
tf.contrib.tpu.profiler.Device.ResourcesEntry | ||
tf.contrib.tpu.profiler.Resource | ||
tf.contrib.tpu.profiler.Trace | ||
tf.contrib.tpu.profiler.Trace.DevicesEntry | ||
tf.contrib.tpu.profiler.TraceEvent | ||
tf.contrib.tpu.repeat | ||
tf.contrib.tpu.replicate | ||
tf.contrib.tpu.rewrite | ||
tf.contrib.tpu.shard | ||
tf.contrib.tpu.shutdown_system | ||
tf.contrib.tpu.while_loop | ||
tf.contrib.training | ????? | |
tf.contrib.training.FeedingQueueRunner | ||
tf.contrib.training.GreedyLoadBalancingStrategy | ||
tf.contrib.training.HParams | ||
tf.contrib.training.NextQueuedSequenceBatch | ||
tf.contrib.training.RandomStrategy | ||
tf.contrib.training.SequenceQueueingStateSaver | ||
tf.contrib.training.StopAfterNEvalsHook | ||
tf.contrib.training.SummaryAtEndHook | ||
tf.contrib.training.add_gradients_summaries | ||
tf.contrib.training.batch_sequences_with_states | ||
tf.contrib.training.bucket | ||
tf.contrib.training.bucket_by_sequence_length | ||
tf.contrib.training.byte_size_load_fn | ||
tf.contrib.training.checkpoints_iterator | ||
tf.contrib.training.clip_gradient_norms | ||
tf.contrib.training.clip_gradient_norms_fn | ||
tf.contrib.training.create_train_op | ||
tf.contrib.training.enqueue_in_queue_dataset | ||
tf.contrib.training.evaluate_once | ||
tf.contrib.training.evaluate_repeatedly | ||
tf.contrib.training.get_or_create_eval_step | ||
tf.contrib.training.multiply_gradients | ||
tf.contrib.training.parse_values | ||
tf.contrib.training.prepend_from_queue_and_padded_batch_dataset | ||
tf.contrib.training.rejection_sample | ||
tf.contrib.training.resample_at_rate | ||
tf.contrib.training.stratified_sample | ||
tf.contrib.training.train | ||
tf.contrib.training.wait_for_new_checkpoint | ||
tf.contrib.training.weighted_resample | ||
tf.contrib.util | delete (no owner) | |
tf.contrib.util.constant_value | migrated to core | |
tf.contrib.util.loader | ||
tf.contrib.util.make_ndarray | ||
tf.contrib.util.make_tensor_proto | ||
tf.contrib.util.ops_used_by_graph_def | ||
tf.contrib.util.stripped_op_list_for_graph | ||
tf.control_dependencies | tf.control_dependencies | |
tf.convert_to_tensor | tf.convert_to_tensor | |
tf.convert_to_tensor_or_indexed_slices | tf.compat.v1.convert_to_tensor_or_indexed_slices | |
tf.convert_to_tensor_or_sparse_tensor | tf.compat.v1.convert_to_tensor_or_sparse_tensor | |
tf.cos | tf.cos | |
tf.cosh | tf.cosh | |
tf.count_nonzero | tf.math.count_nonzero | |
tf.count_up_to | tf.compat.v1.count_up_to | |
tf.create_partitioned_variables | tf.compat.v1.create_partitioned_variables | |
tf.cross | tf.linalg.cross | |
tf.cumprod | tf.math.cumprod | |
tf.cumsum | tf.cumsum | |
tf.custom_gradient | tf.custom_gradient | |
tf.data | tf.data | |
tf.data.Dataset | tf.data.Dataset | |
tf.data.FixedLengthRecordDataset | tf.data.FixedLengthRecordDataset | |
tf.data.Iterator | tf.compat.v1.data.Iterator | |
tf.data.Options | tf.data.Options | |
tf.data.TFRecordDataset | tf.data.TFRecordDataset | |
tf.data.TextLineDataset | tf.data.TextLineDataset | |
tf.data.experimental | tf.data.experimental | |
tf.data.experimental.CheckpointInputPipelineHook | tf.data.experimental.CheckpointInputPipelineHook | |
tf.data.experimental.Counter | tf.data.experimental.Counter | |
tf.data.experimental.CsvDataset | tf.data.experimental.CsvDataset | |
tf.data.experimental.Optional | tf.data.experimental.Optional | |
tf.data.experimental.RandomDataset | tf.data.experimental.RandomDataset | |
tf.data.experimental.Reducer | tf.data.experimental.Reducer | |
tf.data.experimental.SqlDataset | tf.data.experimental.SqlDataset | |
tf.data.experimental.StatsAggregator | tf.data.experimental.StatsAggregator | |
tf.data.experimental.TFRecordWriter | tf.data.experimental.TFRecordWriter | |
tf.data.experimental.bucket_by_sequence_length | tf.data.experimental.bucket_by_sequence_length | |
tf.data.experimental.choose_from_datasets | tf.data.experimental.choose_from_datasets | |
tf.data.experimental.copy_to_device | tf.data.experimental.copy_to_device | |
tf.data.experimental.dense_to_sparse_batch | tf.data.experimental.dense_to_sparse_batch | |
tf.data.experimental.enumerate_dataset | tf.data.experimental.enumerate_dataset | |
tf.data.experimental.get_next_as_optional | tf.data.experimental.get_next_as_optional | |
tf.data.experimental.get_single_element | tf.data.experimental.get_single_element | |
tf.data.experimental.group_by_reducer | tf.data.experimental.group_by_reducer | |
tf.data.experimental.group_by_window | tf.data.experimental.group_by_window | |
tf.data.experimental.ignore_errors | tf.data.experimental.ignore_errors | |
tf.data.experimental.latency_stats | tf.data.experimental.latency_stats | |
tf.data.experimental.make_batched_features_dataset | tf.data.experimental.make_batched_features_dataset | |
tf.data.experimental.make_csv_dataset | tf.data.experimental.make_csv_dataset | |
tf.data.experimental.make_saveable_from_iterator | tf.data.experimental.make_saveable_from_iterator | |
tf.data.experimental.map_and_batch | tf.data.experimental.map_and_batch | |
tf.data.experimental.parallel_interleave | tf.data.experimental.parallel_interleave | |
tf.data.experimental.parse_example_dataset | tf.data.experimental.parse_example_dataset | |
tf.data.experimental.prefetch_to_device | tf.data.experimental.prefetch_to_device | |
tf.data.experimental.rejection_resample | tf.data.experimental.rejection_resample | |
tf.data.experimental.sample_from_datasets | tf.data.experimental.sample_from_datasets | |
tf.data.experimental.scan | tf.data.experimental.scan | |
tf.data.experimental.set_stats_aggregator | ||
tf.data.experimental.shuffle_and_repeat | tf.data.experimental.shuffle_and_repeat | |
tf.data.experimental.unbatch | tf.data.experimental.unbatch | |
tf.data.experimental.unique | tf.data.experimental.unique | |
tf.debugging | tf.debugging | |
tf.debugging.Assert | tf.debugging.Assert | |
tf.debugging.assert_all_finite | tf.debugging.assert_all_finite | |
tf.debugging.assert_equal | tf.compat.v1.debugging.assert_equal | tf.debugging.assert_equal |
tf.debugging.assert_greater | tf.compat.v1.debugging.assert_greater | tf.debugging.assert_greater |
tf.debugging.assert_greater_equal | tf.compat.v1.debugging.assert_greater_equal | tf.debugging.assert_greater_equal |
tf.debugging.assert_integer | tf.compat.v1.debugging.assert_integer | tf.debugging.assert_integer |
tf.debugging.assert_less | tf.compat.v1.debugging.assert_less | tf.debugging.assert_less |
tf.debugging.assert_less_equal | tf.compat.v1.debugging.assert_less_equal | tf.debugging.assert_less_equal |
tf.debugging.assert_near | tf.compat.v1.debugging.assert_near | tf.debugging.assert_near |
tf.debugging.assert_negative | tf.compat.v1.debugging.assert_negative | tf.debugging.assert_negative |
tf.debugging.assert_non_negative | tf.compat.v1.debugging.assert_non_negative | tf.debugging.assert_non_negative |
tf.debugging.assert_non_positive | tf.compat.v1.debugging.assert_non_positive | tf.debugging.assert_non_positive |
tf.debugging.assert_none_equal | tf.compat.v1.debugging.assert_none_equal | tf.debugging.assert_none_equal |
tf.debugging.assert_positive | tf.compat.v1.debugging.assert_positive | tf.debugging.assert_positive |
tf.debugging.assert_proper_iterable | tf.debugging.assert_proper_iterable | |
tf.debugging.assert_rank | tf.debugging.assert_rank | |
tf.debugging.assert_rank_at_least | tf.debugging.assert_rank_at_least | |
tf.debugging.assert_rank_in | tf.debugging.assert_rank_in | |
tf.debugging.assert_same_float_dtype | tf.debugging.assert_same_float_dtype | |
tf.debugging.assert_scalar | tf.compat.v1.debugging.assert_scalar | tf.debugging.assert_scalar |
tf.debugging.assert_type | tf.compat.v1.debugging.assert_type | tf.debugging.assert_type |
tf.debugging.check_numerics | tf.debugging.check_numerics | |
tf.debugging.is_finite | tf.math.is_finite | |
tf.debugging.is_inf | tf.math.is_inf | |
tf.debugging.is_nan | tf.math.is_nan | |
tf.debugging.is_non_decreasing | tf.math.is_non_decreasing | |
tf.debugging.is_numeric_tensor | tf.debugging.is_numeric_tensor | |
tf.debugging.is_strictly_increasing | tf.math.is_strictly_increasing | |
tf.decode_base64 | tf.io.decode_base64 | |
tf.decode_compressed | tf.io.decode_compressed | |
tf.decode_csv | tf.io.decode_csv | |
tf.decode_json_example | tf.io.decode_json_example | |
tf.decode_raw | tf.io.decode_raw | |
tf.delete_session_tensor | tf.compat.v1.delete_session_tensor | |
tf.depth_to_space | tf.compat.v1.depth_to_space | |
tf.dequantize | tf.quantization.dequantize | |
tf.deserialize_many_sparse | tf.io.deserialize_many_sparse | |
tf.device | tf.device | |
tf.diag | tf.linalg.tensor_diag | |
tf.diag_part | tf.linalg.tensor_diag_part | |
tf.digamma | tf.math.digamma | |
tf.disable_resource_variables | tf.compat.v1.disable_resource_variables | |
tf.distributions | ||
tf.distributions.Bernoulli | tf.compat.v1.distributions.Bernoulli | |
tf.distributions.Beta | tf.compat.v1.distributions.Beta | |
tf.distributions.Categorical | tf.compat.v1.distributions.Categorical | |
tf.distributions.Dirichlet | tf.compat.v1.distributions.Dirichlet | |
tf.distributions.DirichletMultinomial | tf.compat.v1.distributions.DirichletMultinomial | |
tf.distributions.Distribution | tf.compat.v1.distributions.Distribution | |
tf.distributions.Exponential | tf.compat.v1.distributions.Exponential | |
tf.distributions.Gamma | tf.compat.v1.distributions.Gamma | |
tf.distributions.Laplace | tf.compat.v1.distributions.Laplace | |
tf.distributions.Multinomial | tf.compat.v1.distributions.Multinomial | |
tf.distributions.Normal | tf.compat.v1.distributions.Normal | |
tf.distributions.RegisterKL | tf.compat.v1.distributions.RegisterKL | |
tf.distributions.ReparameterizationType | tf.compat.v1.distributions.ReparameterizationType | |
tf.distributions.StudentT | tf.compat.v1.distributions.StudentT | |
tf.distributions.Uniform | tf.compat.v1.distributions.Uniform | |
tf.distributions.kl_divergence | tf.compat.v1.distributions.kl_divergence | |
tf.div | tf.compat.v1.div | |
tf.div_no_nan | tf.math.divide_no_nan | tf.div_no_nan |
tf.divide | tf.divide | |
tf.dtypes | tf.dtypes | |
tf.dtypes.DType | tf.dtypes.DType | |
tf.dtypes.as_dtype | tf.dtypes.as_dtype | |
tf.dtypes.as_string | tf.strings.as_string | |
tf.dtypes.cast | tf.dtypes.cast | |
tf.dtypes.complex | tf.dtypes.complex | |
tf.dtypes.saturate_cast | tf.dtypes.saturate_cast | |
tf.dynamic_partition | tf.dynamic_partition | |
tf.dynamic_stitch | tf.dynamic_stitch | |
tf.edit_distance | tf.edit_distance | |
tf.einsum | tf.einsum | |
tf.enable_eager_execution | tf.compat.v1.enable_eager_execution | |
tf.enable_resource_variables | tf.compat.v1.enable_resource_variables | |
tf.encode_base64 | tf.io.encode_base64 | |
tf.ensure_shape | tf.ensure_shape | |
tf.equal | tf.equal | |
tf.erf | tf.math.erf | |
tf.erfc | tf.math.erfc | |
tf.errors | tf.errors | |
tf.errors.AbortedError | tf.errors.AbortedError | |
tf.errors.AlreadyExistsError | tf.errors.AlreadyExistsError | |
tf.errors.CancelledError | tf.errors.CancelledError | |
tf.errors.DataLossError | tf.errors.DataLossError | |
tf.errors.DeadlineExceededError | tf.errors.DeadlineExceededError | |
tf.errors.FailedPreconditionError | tf.errors.FailedPreconditionError | |
tf.errors.InternalError | tf.errors.InternalError | |
tf.errors.InvalidArgumentError | tf.errors.InvalidArgumentError | |
tf.errors.NotFoundError | tf.errors.NotFoundError | |
tf.errors.OpError | tf.errors.OpError | |
tf.errors.OutOfRangeError | tf.errors.OutOfRangeError | |
tf.errors.PermissionDeniedError | tf.errors.PermissionDeniedError | |
tf.errors.ResourceExhaustedError | tf.errors.ResourceExhaustedError | |
tf.errors.UnauthenticatedError | tf.errors.UnauthenticatedError | |
tf.errors.UnavailableError | tf.errors.UnavailableError | |
tf.errors.UnimplementedError | tf.errors.UnimplementedError | |
tf.errors.UnknownError | tf.errors.UnknownError | |
tf.errors.error_code_from_exception_type | tf.errors.error_code_from_exception_type | |
tf.errors.exception_type_from_error_code | tf.errors.exception_type_from_error_code | |
tf.errors.raise_exception_on_not_ok_status | tf.errors.raise_exception_on_not_ok_status | |
tf.estimator | tf.estimator | |
tf.estimator.BaselineClassifier | tf.estimator.BaselineClassifier | |
tf.estimator.BaselineRegressor | tf.estimator.BaselineRegressor | |
tf.estimator.BestExporter | tf.estimator.BestExporter | |
tf.estimator.BoostedTreesClassifier | tf.estimator.BoostedTreesClassifier | |
tf.estimator.BoostedTreesRegressor | tf.estimator.BoostedTreesRegressor | |
tf.estimator.DNNClassifier | tf.estimator.DNNClassifier | |
tf.estimator.DNNLinearCombinedClassifier | tf.estimator.DNNLinearCombinedClassifier | |
tf.estimator.DNNLinearCombinedRegressor | tf.estimator.DNNLinearCombinedRegressor | |
tf.estimator.DNNRegressor | tf.estimator.DNNRegressor | |
tf.estimator.Estimator | tf.estimator.Estimator | |
tf.estimator.EstimatorSpec | tf.estimator.EstimatorSpec | |
tf.estimator.EvalSpec | tf.estimator.EvalSpec | |
tf.estimator.Exporter | tf.estimator.Exporter | |
tf.estimator.FinalExporter | tf.estimator.FinalExporter | |
tf.estimator.LatestExporter | tf.estimator.LatestExporter | |
tf.estimator.LinearClassifier | tf.estimator.LinearClassifier | |
tf.estimator.LinearRegressor | tf.estimator.LinearRegressor | |
tf.estimator.ModeKeys | tf.estimator.ModeKeys | |
tf.estimator.RunConfig | tf.estimator.RunConfig | |
tf.estimator.TrainSpec | tf.estimator.TrainSpec | |
tf.estimator.VocabInfo | tf.estimator.VocabInfo | |
tf.estimator.WarmStartSettings | tf.estimator.WarmStartSettings | |
tf.estimator.classifier_parse_example_spec | tf.estimator.classifier_parse_example_spec | |
tf.estimator.export | tf.estimator.export | |
tf.estimator.export.ClassificationOutput | tf.estimator.export.ClassificationOutput | |
tf.estimator.export.ExportOutput | tf.estimator.export.ExportOutput | |
tf.estimator.export.PredictOutput | tf.estimator.export.PredictOutput | |
tf.estimator.export.RegressionOutput | tf.estimator.export.RegressionOutput | |
tf.estimator.export.ServingInputReceiver | tf.estimator.export.ServingInputReceiver | |
tf.estimator.export.TensorServingInputReceiver | tf.estimator.export.TensorServingInputReceiver | |
tf.estimator.export.build_parsing_serving_input_receiver_fn | tf.estimator.export.build_parsing_serving_input_receiver_fn | |
tf.estimator.export.build_raw_serving_input_receiver_fn | tf.estimator.export.build_raw_serving_input_receiver_fn | |
tf.estimator.inputs | tf.compat.v1.estimator.inputs | |
tf.estimator.inputs.numpy_input_fn | tf.compat.v1.estimator.inputs.numpy_input_fn | |
tf.estimator.inputs.pandas_input_fn | tf.compat.v1.estimator.inputs.pandas_input_fn | |
tf.estimator.regressor_parse_example_spec | tf.estimator.regressor_parse_example_spec | |
tf.estimator.train_and_evaluate | tf.estimator.train_and_evaluate | |
tf.executing_eagerly | tf.executing_eagerly | |
tf.exp | tf.exp | |
tf.expand_dims | tf.expand_dims | |
tf.expm1 | tf.math.expm1 | |
tf.extract_image_patches | tf.image.extract_image_patches | |
tf.extract_volume_patches | tf.extract_volume_patches | |
tf.eye | tf.eye | |
tf.fake_quant_with_min_max_args | tf.quantization.fake_quant_with_min_max_args | |
tf.fake_quant_with_min_max_args_gradient | tf.quantization.fake_quant_with_min_max_args_gradient | |
tf.fake_quant_with_min_max_vars | tf.quantization.fake_quant_with_min_max_vars | |
tf.fake_quant_with_min_max_vars_gradient | tf.quantization.fake_quant_with_min_max_vars_gradient | |
tf.fake_quant_with_min_max_vars_per_channel | tf.quantization.fake_quant_with_min_max_vars_per_channel | |
tf.fake_quant_with_min_max_vars_per_channel_gradient | tf.quantization.fake_quant_with_min_max_vars_per_channel_gradient | |
tf.feature_column | tf.feature_column | |
tf.feature_column.bucketized_column | tf.feature_column.bucketized_column | |
tf.feature_column.categorical_column_with_hash_bucket | tf.feature_column.categorical_column_with_hash_bucket | |
tf.feature_column.categorical_column_with_identity | tf.feature_column.categorical_column_with_identity | |
tf.feature_column.categorical_column_with_vocabulary_file | tf.feature_column.categorical_column_with_vocabulary_file | |
tf.feature_column.categorical_column_with_vocabulary_list | tf.feature_column.categorical_column_with_vocabulary_list | |
tf.feature_column.crossed_column | tf.feature_column.crossed_column | |
tf.feature_column.embedding_column | tf.feature_column.embedding_column | |
tf.feature_column.indicator_column | tf.feature_column.indicator_column | |
tf.feature_column.input_layer | tf.compat.v1.feature_column.input_layer | |
tf.feature_column.linear_model | tf.compat.v1.feature_column.linear_model | |
tf.feature_column.make_parse_example_spec | tf.feature_column.make_parse_example_spec | |
tf.feature_column.numeric_column | tf.feature_column.numeric_column | |
tf.feature_column.shared_embedding_columns | tf.compat.v1.feature_column.shared_embedding_columns | tf.feature_column.shared_embedding_columns |
tf.feature_column.weighted_categorical_column | tf.feature_column.weighted_categorical_column | |
tf.fft | tf.signal.fft | |
tf.fft2d | tf.signal.fft2d | |
tf.fft3d | tf.signal.fft3d | |
tf.fill | tf.fill | |
tf.fixed_size_partitioner | tf.compat.v1.fixed_size_partitioner | |
tf.flags | ||
tf.floor | tf.floor | |
tf.floor_div | tf.floor_div | |
tf.floordiv | tf.math.floordiv | |
tf.floormod | tf.floormod | |
tf.foldl | tf.foldl | |
tf.foldr | tf.foldr | |
tf.gather | tf.gather | |
tf.gather_nd | tf.gather_nd | |
tf.get_collection | tf.compat.v1.get_collection | |
tf.get_collection_ref | tf.compat.v1.get_collection_ref | |
tf.get_default_graph | tf.compat.v1.get_default_graph | |
tf.get_default_session | tf.compat.v1.get_default_session | |
tf.get_local_variable | tf.compat.v1.get_local_variable | |
tf.get_seed | tf.compat.v1.get_seed | |
tf.get_session_handle | tf.compat.v1.get_session_handle | |
tf.get_session_tensor | tf.compat.v1.get_session_tensor | |
tf.get_variable | tf.compat.v1.get_variable | |
tf.get_variable_scope | tf.compat.v1.get_variable_scope | |
tf.gfile | ||
tf.gfile.Copy | tf.io.gfile.copy | |
tf.gfile.DeleteRecursively | tf.io.gfile.rmtree | |
tf.gfile.Exists | tf.io.gfile.exists | |
tf.gfile.FastGFile | tf.compat.v1.gfile.FastGFile | |
tf.gfile.GFile | tf.io.gfile.GFile |