TensorFlow
Install Learn
  • Introduction
    New to TensorFlow?
  • TensorFlow
    The core open source ML library
  • For JavaScript
    TensorFlow.js for ML using JavaScript
  • For Mobile & IoT
    TensorFlow Lite for mobile and embedded devices
  • For Production
    TensorFlow Extended for end-to-end ML components
  • Swift for TensorFlow (in beta)
API
  • TensorFlow (r2.4)
  • r1.15
  • Versions…
  • TensorFlow.js
  • TensorFlow Lite
  • TFX
Resources
  • Models & datasets
    Pre-trained models and datasets built by Google and the community
  • Tools
    Ecosystem of tools to help you use TensorFlow
  • Libraries & extensions
    Libraries and extensions built on TensorFlow
  • TensorFlow Certificate program
    Differentiate yourself by demonstrating your ML proficiency
  • Learn ML
    Educational resources to learn the fundamentals of ML with TensorFlow
  • Responsible AI
    Resources and tools to integrate Responsible AI practices into your ML workflow
Community Why TensorFlow
  • About
  • Case studies
  • AI Service Partners
GitHub
  • For Production
Overview Tutorials Guide API
TensorFlow
  • Install
  • Learn
    • More
    • Overview
    • Tutorials
    • Guide
    • API
  • API
    • More
  • Resources
    • More
  • Community
  • Why TensorFlow
    • More
  • GitHub
  • TFX API
  • TFX
  • tfx
    • Overview
  • tfx.components
    • Overview
    • BulkInferrer
    • BulkInferrer.SPEC_CLASS
    • CsvExampleGen
    • Evaluator
    • Evaluator.SPEC_CLASS
    • ExampleValidator
    • ExampleValidator.SPEC_CLASS
    • FileBasedExampleGen
    • FileBasedExampleGen.DRIVER_CLASS
    • FileBasedExampleGen.SPEC_CLASS
    • ImportExampleGen
    • ImporterNode
    • InfraValidator
    • InfraValidator.DRIVER_CLASS
    • InfraValidator.SPEC_CLASS
    • ModelValidator
    • ModelValidator.DRIVER_CLASS
    • ModelValidator.SPEC_CLASS
    • Pusher
    • Pusher.SPEC_CLASS
    • ResolverNode
    • SchemaGen
    • SchemaGen.SPEC_CLASS
    • StatisticsGen
    • StatisticsGen.SPEC_CLASS
    • Trainer
    • Trainer.SPEC_CLASS
    • Transform
    • Transform.SPEC_CLASS
    • Tuner
    • Tuner.SPEC_CLASS
    • base
      • Overview
      • base_component
        • Overview
      • base_driver
        • Overview
      • base_executor
        • Overview
      • base_node
        • Overview
      • executor_spec
        • Overview
    • bulk_inferrer
      • Overview
      • component
        • Overview
      • executor
        • Overview
        • Executor
      • prediction_to_example_utils
        • Overview
        • FEATURE_LIST_TYPE
        • convert
    • common_nodes
      • Overview
      • importer_node
        • Overview
        • ImporterDriver
        • generate_output_dict
      • resolver_node
        • Overview
        • ResolverDriver
    • evaluator
      • Overview
      • component
        • Overview
      • constants
        • Overview
      • executor
        • Overview
        • Executor
    • example_gen
      • Overview
      • base_example_gen_executor
        • Overview
        • BaseExampleGenExecutor
      • component
        • Overview
        • QueryBasedExampleGen
        • QueryBasedExampleGen.SPEC_CLASS
      • csv_example_gen
        • Overview
        • component
          • Overview
        • executor
          • Overview
          • Executor
      • custom_executors
        • Overview
        • avro_executor
          • Overview
          • Executor
        • parquet_executor
          • Overview
          • Executor
      • driver
        • Overview
        • update_output_artifact
      • import_example_gen
        • Overview
        • component
          • Overview
        • executor
          • Overview
          • Executor
      • utils
        • Overview
        • calculate_splits_fingerprint_span_and_version
        • date_to_span_number
        • dict_to_example
        • generate_output_split_names
        • make_default_input_config
        • make_default_output_config
        • span_number_to_date
    • example_validator
      • Overview
      • component
        • Overview
      • executor
        • Overview
        • Executor
      • labels
        • Overview
    • experimental
      • Overview
      • data_view
        • Overview
        • binder_component
          • Overview
          • DataViewBinder
          • DataViewBinder.SPEC_CLASS
        • binder_executor
          • Overview
          • DataViewBinderExecutor
        • constants
          • Overview
        • provider_component
          • Overview
          • TfGraphDataViewProvider
          • TfGraphDataViewProvider.SPEC_CLASS
        • provider_executor
          • Overview
          • TfGraphDataViewProviderExecutor
        • utils
          • Overview
          • get_data_view_uri
    • infra_validator
      • Overview
      • component
        • Overview
      • error_types
        • Overview
        • DeadlineExceeded
        • GracefulShutdown
        • InfraValidationError
        • JobAborted
        • ValidationFailed
      • executor
        • Overview
        • Executor
      • model_server_clients
        • Overview
        • base_client
          • Overview
          • BaseModelServerClient
        • tensorflow_serving_client
          • Overview
          • TensorFlowServingClient
      • model_server_runners
        • Overview
        • base_runner
          • Overview
          • BaseModelServerRunner
        • kubernetes_runner
          • Overview
          • KubernetesRunner
        • local_docker_runner
          • Overview
          • LocalDockerRunner
      • request_builder
        • Overview
        • build_requests
      • serving_bins
        • Overview
        • ServingBinary
        • TensorFlowServing
        • parse_serving_binaries
      • types
        • Overview
        • ModelServingStatus
        • Request
        • TensorFlowServingRequest
    • model_validator
      • Overview
      • component
        • Overview
      • constants
        • Overview
      • driver
        • Overview
      • executor
        • Overview
        • Executor
    • pusher
      • Overview
      • component
        • Overview
      • executor
        • Overview
        • Executor
    • schema_gen
      • Overview
      • component
        • Overview
      • executor
        • Overview
        • Executor
    • statistics_gen
      • Overview
      • component
        • Overview
      • executor
        • Overview
        • Executor
    • testdata
      • Overview
      • module_file
        • Overview
        • data_view_module
          • Overview
          • SimpleDecoder
          • create_simple_decoder
        • evaluator_module
          • Overview
          • custom_eval_shared_model
          • custom_extractors
        • trainer_module
          • Overview
          • run_fn
          • trainer_fn
        • transform_module
          • Overview
          • preprocessing_fn
          • stats_options_updater_fn
        • tuner_module
          • Overview
          • tuner_fn
    • trainer
      • Overview
      • component
        • Overview
      • constants
        • Overview
      • executor
        • Overview
        • Executor
        • GenericExecutor
      • fn_args_utils
        • Overview
        • DataAccessor
        • FnArgs
        • get_common_fn_args
      • rewriting
        • Overview
        • converters
          • Overview
          • RewritingExporter
          • rewrite_saved_model
        • rewriter
          • Overview
          • BaseRewriter
          • ModelDescription
          • ModelType
        • rewriter_factory
          • Overview
          • create_rewriter
        • tfjs_rewriter
          • Overview
          • TFJSRewriter
        • tflite_rewriter
          • Overview
          • TFLiteRewriter
    • transform
      • Overview
      • component
        • Overview
      • executor
        • Overview
        • Executor
      • labels
        • Overview
      • messages
        • Overview
      • run_executor
        • Overview
        • main
      • stats_options_util
        • Overview
        • StatsType
    • tuner
      • Overview
      • component
        • Overview
        • TunerFnResult
      • executor
        • Overview
        • Executor
        • get_tune_args
        • search
        • write_best_hyperparameters
    • util
      • Overview
      • examples_utils
        • Overview
        • get_payload_format
        • get_payload_format_string
        • set_payload_format
      • model_utils
        • Overview
        • is_infra_validated
        • is_model_blessed
      • tfxio_utils
        • Overview
        • OneOrMorePatterns
        • get_record_batch_factory_from_artifact
        • get_tf_dataset_factory_from_artifact
        • get_tfxio_factory_from_artifact
        • make_tfxio
        • resolve_payload_format_and_data_view_uri
      • udf_utils
        • Overview
        • get_fn
        • try_get_fn
      • value_utils
        • Overview
        • FunctionHasArg
        • GetSoleValue
        • GetValues
  • tfx.dsl
    • Overview
    • compiler
      • Overview
      • compiler
        • Overview
        • Compiler
      • compiler_utils
        • Overview
        • ensure_topological_order
        • is_importer
        • is_resolver
        • resolve_execution_mode
        • set_field_value_pb
        • set_runtime_parameter_pb
      • constants
        • Overview
      • placeholder_utils
        • Overview
        • NullDereferenceError
        • ResolutionContext
        • resolve_placeholder_expression
    • component
      • Overview
      • experimental
        • Overview
        • annotations
          • Overview
          • InputArtifact
          • OutputArtifact
          • OutputDict
          • Parameter
        • component_utils
          • Overview
          • create_tfx_component_class
        • container_component
          • Overview
          • create_container_component
        • decorators
          • Overview
          • component
        • executor_specs
          • Overview
          • TemplatedExecutorContainerSpec
        • function_parser
          • Overview
          • ArgFormats
          • parse_typehint_component_function
        • placeholders
          • Overview
          • CommandlineArgumentType
          • ConcatPlaceholder
          • InputUriPlaceholder
          • InputValuePlaceholder
          • OutputUriPlaceholder
    • components
      • Overview
      • base
        • Overview
        • base_component
          • Overview
          • BaseComponent
        • base_driver
          • Overview
        • base_executor
          • Overview
          • BaseExecutor
          • BaseExecutor.Context
          • EmptyExecutor
        • base_node
          • Overview
          • BaseNode
        • executor_spec
          • Overview
          • ExecutorClassSpec
          • ExecutorContainerSpec
          • ExecutorSpec
    • experimental
      • Overview
      • latest_artifacts_resolver
        • Overview
        • LatestArtifactsResolver
      • latest_blessed_model_resolver
        • Overview
        • LatestBlessedModelResolver
    • io
      • Overview
      • fileio
        • Overview
        • PathType
        • copy
        • exists
        • glob
        • isdir
        • listdir
        • makedirs
        • mkdir
        • open
        • remove
        • rename
        • rmtree
        • stat
        • walk
      • filesystem
        • Overview
        • Filesystem
      • filesystem_registry
        • Overview
        • FilesystemRegistry
      • plugins
        • Overview
        • local
          • Overview
          • LocalFilesystem
        • tensorflow_gfile
          • Overview
          • TensorflowFilesystem
    • placeholder
      • Overview
      • placeholder
        • Overview
        • ArtifactPlaceholder
        • ExecInvocationPlaceholder
        • ExecPropertyPlaceholder
        • Placeholder
        • ProtoSerializationFormat
        • RuntimeInfoKey
        • RuntimeInfoPlaceholder
        • exec_property
        • execution_invocation
        • input
        • output
        • runtime_info
    • resolvers
      • Overview
      • base_resolver
        • Overview
        • BaseResolver
        • ResolveResult
  • tfx.extensions
    • Overview
    • experimental
      • Overview
      • kfp_compatibility
        • Overview
        • kfp_container_component
          • Overview
          • load_kfp_yaml_container_component
        • proto
          • Overview
          • kfp_component_spec_pb2
            • Overview
            • ComponentSpec
            • ComponentSpec.InputSpec
            • ComponentSpec.MetadataSpec
            • ComponentSpec.MetadataSpec.AnnotationsEntry
            • ComponentSpec.MetadataSpec.LabelsEntry
            • ComponentSpec.OutputSpec
            • ContainerImplementation
            • ContainerImplementation.ContainerSpec
            • ContainerImplementation.ContainerSpec.EnvEntry
            • ContainerImplementation.ContainerSpec.FileOutputsEntry
            • StringOrPlaceholder
    • google_cloud_ai_platform
      • Overview
      • bulk_inferrer
        • Overview
        • component
          • Overview
          • CloudAIBulkInferrerComponent
          • CloudAIBulkInferrerComponent.SPEC_CLASS
        • executor
          • Overview
          • Executor
      • cmle_runner
        • Overview
      • pusher
        • Overview
        • executor
          • Overview
          • Executor
      • runner
        • Overview
        • create_model_for_aip_prediction_if_not_exist
        • delete_model_from_aip_if_exists
        • delete_model_version_from_aip_if_exists
        • deploy_model_for_aip_prediction
        • get_service_name_and_api_version
        • start_aip_training
      • trainer
        • Overview
        • executor
          • Overview
          • Executor
          • GenericExecutor
      • tuner
        • Overview
        • component
          • Overview
          • Tuner
        • executor
          • Overview
          • Executor
    • google_cloud_big_query
      • Overview
      • example_gen
        • Overview
        • component
          • Overview
          • BigQueryExampleGen
        • executor
          • Overview
          • Executor
      • pusher
        • Overview
        • executor
          • Overview
          • Executor
  • tfx.orchestration
    • Overview
    • airflow
      • Overview
      • airflow_component
        • Overview
        • AirflowComponent
      • airflow_dag_runner
        • Overview
        • AirflowDagRunner
        • AirflowPipelineConfig
      • airflow_runner
        • Overview
    • beam
      • Overview
      • beam_dag_runner
        • Overview
        • BeamDagRunner
        • PipelineNodeAsDoFn
        • PipelineNodeAsDoFn.BundleFinalizerParam
        • PipelineNodeAsDoFn.RestrictionParam
        • PipelineNodeAsDoFn.StateParam
        • PipelineNodeAsDoFn.TimerParam
        • PipelineNodeAsDoFn.WatermarkEstimatorParam
      • legacy
        • Overview
        • beam_dag_runner
          • Overview
          • BeamDagRunner
    • config
      • Overview
      • base_component_config
        • Overview
        • BaseComponentConfig
      • config_utils
        • Overview
        • find_component_launch_info
      • docker_component_config
        • Overview
        • DockerComponentConfig
      • kubernetes_component_config
        • Overview
        • KubernetesComponentConfig
      • pipeline_config
        • Overview
        • PipelineConfig
    • data_types
      • Overview
      • ComponentInfo
      • DriverArgs
      • ExecutionDecision
      • ExecutionInfo
      • PipelineInfo
      • RuntimeParameter
    • data_types_utils
      • Overview
      • build_artifact_dict
      • build_artifact_struct_dict
      • build_exec_property_dict
      • build_exec_property_value_dict
    • experimental
      • Overview
      • core
        • Overview
        • async_pipeline_task_gen
          • Overview
          • AsyncPipelineTaskGenerator
        • pipeline_ops
          • Overview
          • generate_tasks
          • initiate_pipeline_start
          • stop_pipeline
        • status
          • Overview
          • Code
          • Status
          • StatusNotOkError
        • sync_pipeline_task_gen
          • Overview
          • SyncPipelineTaskGenerator
        • task
          • Overview
          • CancelNodeTask
          • ExecNodeTask
          • HasNodeUid
          • NodeUid
          • PipelineUid
          • Task
          • exec_node_task_id_from_pipeline_node
          • is_cancel_node_task
          • is_exec_node_task
        • task_gen
          • Overview
          • TaskGenerator
        • task_gen_utils
          • Overview
          • ResolvedInfo
          • generate_resolved_info
          • generate_task_from_active_execution
          • get_executions
          • get_latest_successful_execution
          • is_feasible_node
          • is_latest_execution_successful
        • task_manager
          • Overview
          • Error
          • TaskManager
          • TasksProcessingError
        • task_queue
          • Overview
          • TaskQueue
        • task_scheduler
          • Overview
          • TaskScheduler
          • TaskSchedulerRegistry
          • TaskSchedulerResult
        • task_schedulers
          • Overview
          • noop_task_scheduler
            • Overview
            • NoOpTaskScheduler
        • testdata
          • Overview
      • interactive
        • Overview
        • execution_result
          • Overview
          • ExecutionResult
        • export_templates
          • Overview
        • interactive_context
          • Overview
          • InteractiveContext
          • requires_ipython
        • notebook_extensions
          • Overview
          • skip
            • Overview
            • SkipMagics
            • load_ipython_extension
        • notebook_formatters
          • Overview
          • NotebookFormatter
          • register_formatters
        • standard_visualizations
          • Overview
          • ExampleAnomaliesVisualization
          • ExampleAnomaliesVisualization.ARTIFACT_TYPE
          • ExampleStatisticsVisualization
          • ExampleStatisticsVisualization.ARTIFACT_TYPE
          • ModelEvaluationVisualization
          • ModelEvaluationVisualization.ARTIFACT_TYPE
          • SchemaVisualization
          • SchemaVisualization.ARTIFACT_TYPE
          • register_standard_visualizations
        • visualizations
          • Overview
          • ArtifactVisualization
          • ArtifactVisualizationRegistry
          • get_registry
      • kubernetes
        • Overview
        • container_entrypoint
          • Overview
          • main
        • examples
          • Overview
          • download_grep_print_pipeline_on_kubernetes
            • Overview
            • main
          • taxi_pipeline_kubernetes
            • Overview
            • create_pipeline
        • kubernetes_dag_runner
          • Overview
          • KubernetesDagRunner
          • KubernetesDagRunnerConfig
          • get_default_kubernetes_metadata_config
          • launch_container_component
        • kubernetes_remote_runner
          • Overview
          • deserialize_pipeline
          • run_as_kubernetes_job
        • orchestrator_container_entrypoint
          • Overview
          • main
    • kubeflow
      • Overview
      • base_component
        • Overview
        • BaseComponent
      • container_entrypoint
        • Overview
        • main
      • kubeflow_dag_runner
        • Overview
        • KubeflowDagRunner
        • KubeflowDagRunnerConfig
        • OpFunc
        • get_default_kubeflow_metadata_config
        • get_default_pipeline_operator_funcs
        • get_default_pod_labels
      • kubeflow_metadata_adapter
        • Overview
        • KubeflowMetadataAdapter
      • node_wrapper
        • Overview
        • NodeWrapper
      • proto
        • Overview
        • kubeflow_pb2
          • Overview
          • ConfigValue
          • KubeflowGrpcMetadataConfig
          • KubeflowMetadataConfig
      • runner
        • Overview
      • utils
        • Overview
        • fix_brackets
        • replace_placeholder
      • v2
        • Overview
        • compiler_utils
          • Overview
          • build_input_parameter_spec
          • build_output_artifact_spec
          • build_runtime_parameter_spec
          • convert_from_tfx_properties
          • get_artifact_schema
          • get_artifact_title
          • get_kubeflow_value
          • get_mlmd_value
          • value_converter
        • components
          • Overview
          • experimental
            • Overview
            • ai_platform_training_component
              • Overview
              • create_ai_platform_training
            • ai_platform_training_executor
              • Overview
              • AiPlatformTrainingExecutor
        • container
          • Overview
          • kubeflow_v2_entrypoint_utils
            • Overview
            • parse_execution_properties
            • parse_raw_artifact_dict
            • refactor_model_blessing
            • to_runtime_artifact
            • translate_executor_output
          • kubeflow_v2_run_executor
            • Overview
            • main
        • file_based_example_gen
          • Overview
          • driver
            • Overview
            • main
        • kubeflow_v2_dag_runner
          • Overview
          • KubeflowV2DagRunner
          • KubeflowV2DagRunnerConfig
        • parameter_utils
          • Overview
          • ParameterContext
          • attach_parameter
        • pipeline_builder
          • Overview
          • PipelineBuilder
          • RuntimeConfigBuilder
        • proto
          • Overview
        • step_builder
          • Overview
          • StepBuilder
    • launcher
      • Overview
      • base_component_launcher
        • Overview
        • BaseComponentLauncher
      • container_common
        • Overview
        • resolve_container_template
        • to_swagger_dict
      • docker_component_launcher
        • Overview
        • DockerComponentLauncher
      • in_process_component_launcher
        • Overview
        • InProcessComponentLauncher
      • kubernetes_component_launcher
        • Overview
        • KubernetesComponentLauncher
    • local
      • Overview
      • local_dag_runner
        • Overview
        • LocalDagRunner
    • metadata
      • Overview
      • ConnectionConfigType
      • Metadata
      • mysql_metadata_connection_config
      • sqlite_metadata_connection_config
    • pipeline
      • Overview
      • ExecutionMode
      • Pipeline
    • portable
      • Overview
      • base_driver
        • Overview
        • BaseDriver
      • base_driver_operator
        • Overview
        • BaseDriverOperator
      • base_executor_operator
        • Overview
        • BaseExecutorOperator
      • cache_utils
        • Overview
        • get_cache_context
        • get_cached_outputs
      • data_types
        • Overview
        • ExecutionInfo
      • docker_executor_operator
        • Overview
        • DockerExecutorOperator
      • execution_publish_utils
        • Overview
        • publish_cached_execution
        • publish_failed_execution
        • publish_internal_execution
        • publish_succeeded_execution
        • register_execution
      • importer_node_handler
        • Overview
        • ImporterNodeHandler
      • inputs_utils
        • Overview
        • get_qualified_artifacts
        • resolve_input_artifacts
        • resolve_parameters
      • launcher
        • Overview
        • Launcher
      • mlmd
        • Overview
        • common_utils
          • Overview
          • get_metadata_value
          • get_metadata_value_type
          • get_value
          • register_type_if_not_exist
          • set_metadata_value
        • context_lib
          • Overview
          • prepare_contexts
          • register_context_if_not_exists
        • event_lib
          • Overview
          • generate_event
          • get_artifact_path
          • is_valid_input_event
          • is_valid_output_event
        • execution_lib
          • Overview
          • get_artifact_ids_by_event_type_for_execution_id
          • get_artifacts_dict
          • get_executions_associated_with_all_contexts
          • is_execution_active
          • is_execution_successful
          • prepare_execution
          • put_execution
      • outputs_utils
        • Overview
        • OutputsResolver
        • make_output_dirs
        • remove_output_dirs
        • remove_stateful_working_dir
      • python_driver_operator
        • Overview
        • PythonDriverOperator
      • python_executor_operator
        • Overview
        • PythonExecutorOperator
      • resolver
        • Overview
        • factory
          • Overview
          • make_resolver_instance
      • resolver_node_handler
        • Overview
        • ResolverNodeHandler
      • resolver_processor
        • Overview
        • ResolverStepProcessor
        • make_resolver_processors
      • runtime_parameter_utils
        • Overview
        • substitute_runtime_parameter
      • system_node_handler
        • Overview
        • SystemNodeHandler
      • testdata
        • Overview
      • tfx_runner
        • Overview
        • TfxRunner
    • publisher
      • Overview
      • Publisher
    • python_execution_binary
      • Overview
      • entrypoint
        • Overview
        • FLAGS
        • main
      • python_execution_binary_utils
        • Overview
        • deserialize_executable_spec
        • deserialize_execution_info
        • deserialize_mlmd_connection_config
        • serialize_executable_spec
        • serialize_execution_info
        • serialize_mlmd_connection_config
    • tfx_runner
      • Overview
      • TfxRunner
  • tfx.types
    • Overview
    • Artifact
    • Channel
    • ComponentSpec
    • Property
    • ValueArtifact
    • artifact
      • Overview
      • ArtifactState
      • Property
      • PropertyType
    • artifact_utils
      • Overview
      • decode_split_names
      • deserialize_artifact
      • encode_split_names
      • get_artifact_type_class
      • get_single_instance
      • get_single_uri
      • get_split_uri
      • get_split_uris
      • jsonify_artifact_dict
      • parse_artifact_dict
    • channel
      • Overview
    • channel_utils
      • Overview
      • as_channel
      • unwrap_channel_dict
    • component_spec
      • Overview
      • ChannelParameter
      • ExecutionParameter
    • experimental
      • Overview
      • simple_artifacts
        • Overview
        • Dataset
        • File
        • Metrics
        • Statistics
    • node_common
      • Overview
    • standard_artifacts
      • Overview
      • Bytes
      • DataView
      • Examples
      • ExternalArtifact
      • Float
      • HyperParameters
      • InferenceResult
      • InfraBlessing
      • Integer
      • Model
      • ModelBlessing
      • ModelRun
      • PushedModel
      • String
      • TransformCache
      • TransformGraph
    • standard_component_specs
      • Overview
    • value_artifact
      • Overview
  • tfx.version
    • Overview
  • Data Validation
  • tfdv
    • Overview
    • CombinerStatsGenerator
    • DecodeCSV
    • DecodeTFExample
    • FeaturePath
    • GenerateStatistics
    • LiftStatsGenerator
    • NonStreamingCustomStatsGenerator
    • StatsOptions
    • TransformStatsGenerator
    • WriteStatisticsToBinaryFile
    • WriteStatisticsToTFRecord
    • compare_slices
    • display_anomalies
    • display_schema
    • generate_statistics_from_csv
    • generate_statistics_from_dataframe
    • generate_statistics_from_tfrecord
    • get_domain
    • get_feature
    • get_feature_stats
    • get_feature_value_slicer
    • get_slice_stats
    • infer_schema
    • load_anomalies_text
    • load_schema_text
    • load_statistics
    • load_stats_binary
    • load_stats_text
    • set_domain
    • update_schema
    • validate_examples_in_csv
    • validate_examples_in_tfrecord
    • validate_instance
    • validate_statistics
    • visualize_statistics
    • write_anomalies_text
    • write_schema_text
    • write_stats_text
  • Transform
  • tft
    • Overview
    • TFTransformOutput
    • TransformFeaturesLayer
    • apply_buckets
    • apply_buckets_with_interpolation
    • apply_function
    • apply_function_with_checkpoint
    • apply_pyfunc
    • apply_saved_model
    • apply_vocab
    • apply_vocabulary
    • bag_of_words
    • bucketize
    • bucketize_per_key
    • compute_and_apply_vocabulary
    • count_per_key
    • covariance
    • deduplicate_tensor_per_row
    • estimated_probability_density
    • get_analyze_input_columns
    • get_transform_input_columns
    • hash_strings
    • histogram
    • max
    • mean
    • min
    • ngrams
    • pca
    • ptransform_analyzer
    • quantiles
    • scale_by_min_max
    • scale_by_min_max_per_key
    • scale_to_0_1
    • scale_to_0_1_per_key
    • scale_to_gaussian
    • scale_to_z_score
    • scale_to_z_score_per_key
    • segment_indices
    • size
    • sparse_tensor_left_align
    • sparse_tensor_to_dense_with_shape
    • string_to_int
    • sum
    • tfidf
    • tukey_h_params
    • tukey_location
    • tukey_scale
    • uniques
    • var
    • vocabulary
    • word_count
  • tft.coders
    • Overview
    • CsvCoder
    • ExampleProtoCoder
  • tft_beam
    • Overview
    • AnalyzeAndTransformDataset
    • AnalyzeDataset
    • AnalyzeDatasetWithCache
    • Context
    • ReadTransformFn
    • TransformDataset
    • WriteMetadata
    • WriteTransformFn
  • tft_beam.analyzer_cache
    • Overview
    • DatasetKey
    • ReadAnalysisCacheFromFS
    • WriteAnalysisCacheToFS
    • make_cache_entry_key
    • validate_dataset_keys
  • Model Analysis
  • tfma
    • Overview
    • AggregationOptions
    • AggregationOptions.ClassWeightsEntry
    • AttributionsForSlice
    • AttributionsForSlice.AttributionsKeyAndValues
    • AttributionsForSlice.AttributionsKeyAndValues.ValuesEntry
    • BatchedInputsToExtracts
    • BinarizationOptions
    • ConfidenceIntervalOptions
    • EvalConfig
    • EvalResult
    • ExtractAndEvaluate
    • ExtractEvaluateAndWriteResults
    • GenericChangeThreshold
    • GenericValueThreshold
    • InputsToExtracts
    • MetricConfig
    • MetricThreshold
    • MetricsForSlice
    • MetricsForSlice.MetricKeyAndValue
    • MetricsForSlice.MetricsEntry
    • MetricsSpec
    • MetricsSpec.CrossSliceThresholdsEntry
    • MetricsSpec.PerSliceThresholdsEntry
    • MetricsSpec.ThresholdsEntry
    • ModelSpec
    • ModelSpec.ExampleWeightKeysEntry
    • ModelSpec.LabelKeysEntry
    • ModelSpec.PredictionKeysEntry
    • Options
    • PerSliceMetricThreshold
    • PlotsForSlice
    • PlotsForSlice.PlotKeyAndValue
    • PlotsForSlice.PlotsEntry
    • SlicingSpec
    • SlicingSpec.FeatureValuesEntry
    • Validate
    • ValidationResult
    • WriteResults
    • analyze_raw_data
    • compound_key
    • create_keys_key
    • create_values_key
    • default_eval_shared_model
    • default_evaluators
    • default_extractors
    • default_writers
    • is_batched_input
    • load_attributions
    • load_eval_result
    • load_eval_results
    • load_metrics
    • load_plots
    • load_validation_result
    • make_eval_results
    • multiple_data_analysis
    • multiple_model_analysis
    • run_model_analysis
    • unique_key
  • tfma.addons
    • Overview
  • tfma.config
    • Overview
    • has_change_threshold
    • update_eval_config_with_defaults
    • verify_eval_config
  • tfma.constants
    • Overview
  • tfma.evaluators
    • Overview
    • AnalysisTableEvaluator
    • Evaluation
    • Evaluator
    • MetricsAndPlotsEvaluator
    • MetricsPlotsAndValidationsEvaluator
    • verify_evaluator
  • tfma.export
    • Overview
    • EvalInputReceiverType
    • build_parsing_eval_input_receiver_fn
  • tfma.exporter
    • Overview
    • FinalExporter
    • LatestExporter
    • adapt_to_remove_metrics
  • tfma.extractors
    • Overview
    • ExampleWeightsExtractor
    • Extractor
    • FeatureExtractor
    • FeaturesExtractor
    • Filter
    • InputExtractor
    • LabelsExtractor
    • PredictExtractor
    • PredictionsExtractor
    • SliceKeyExtractor
  • tfma.math_util
    • Overview
    • calculate_confidence_interval
  • tfma.metrics
    • Overview
    • AttributionsMetric
    • BalancedAccuracy
    • Calibration
    • CalibrationPlot
    • CoefficientOfDiscrimination
    • ConfusionMatrixAtThresholds
    • ConfusionMatrixPlot
    • DerivedMetricComputation
    • DiagnosticOddsRatio
    • ExampleCount
    • F1Score
    • FallOut
    • FalseDiscoveryRate
    • FalseOmissionRate
    • FeaturePreprocessor
    • FeaturePreprocessor.BundleFinalizerParam
    • FeaturePreprocessor.RestrictionParam
    • FeaturePreprocessor.StateParam
    • FeaturePreprocessor.TimerParam
    • FeaturePreprocessor.WatermarkEstimatorParam
    • FowlkesMallowsIndex
    • Informedness
    • Markedness
    • MatthewsCorrelationCoefficent
    • MeanAbsoluteAttributions
    • MeanAttributions
    • MeanLabel
    • MeanPrediction
    • Metric
    • MetricComputation
    • MetricComputations
    • MetricKey
    • MinLabelPosition
    • MissRate
    • MultiClassConfusionMatrixAtThresholds
    • MultiClassConfusionMatrixPlot
    • MultiLabelConfusionMatrixPlot
    • NDCG
    • NegativeLikelihoodRatio
    • NegativePredictiveValue
    • PlotKey
    • PositiveLikelihoodRatio
    • Prevalence
    • PrevalenceThreshold
    • QueryStatistics
    • RelativeCoefficientOfDiscrimination
    • Specificity
    • SquaredPearsonCorrelation
    • StandardMetricInputs
    • SubKey
    • ThreatScore
    • TotalAbsoluteAttributions
    • TotalAttributions
    • WeightedExampleCount
    • default_binary_classification_specs
    • default_multi_class_classification_specs
    • default_regression_specs
    • merge_per_key_computations
    • metric_thresholds_from_metrics_specs
    • specs_from_metrics
    • to_label_prediction_example_weight
    • to_standard_metric_inputs
  • tfma.model_agnostic_eval
    • Overview
  • tfma.model_util
    • Overview
    • BatchReducibleBatchedDoFnWithModels
    • BatchReducibleDoFnWithModels
    • CombineFnWithModels
    • DoFnWithModels
    • ModelContents
    • ModelSignaturesDoFn
    • filter_by_input_names
    • find_input_name_in_features
    • get_baseline_model_spec
    • get_callable
    • get_default_signature_name
    • get_feature_values_for_model_spec_field
    • get_input_specs
    • get_label_key
    • get_model_spec
    • get_model_type
    • has_rubber_stamp
    • input_specs_to_tensor_representations
    • is_callable_fn
    • model_construct_fn
    • verify_and_update_eval_shared_models
  • tfma.post_export_metrics
    • Overview
    • auc
    • auc_plots
    • calibration
    • calibration_plot_and_prediction_histogram
    • confusion_matrix_at_thresholds
    • example_count
    • example_weight
    • fairness_auc
    • fairness_indicators
    • mean_absolute_error
    • mean_squared_error
    • precision_at_k
    • recall_at_k
    • root_mean_squared_error
    • squared_pearson_correlation
  • tfma.types
    • Overview
    • DictOfFetchedTensorValues
    • DictOfTensorType
    • DictOfTensorValue
    • EvalSharedModel
    • Extracts
    • FPLKeyType
    • FeaturesPredictionsLabels
    • MaterializedColumn
    • MaybeMultipleEvalSharedModels
    • MetricVariablesType
    • ModelLoader
    • TensorOrOperationType
    • TensorType
    • TensorTypeMaybeDict
    • TensorValue
    • TensorValueMaybeDict
    • ValueWithTDistribution
    • is_tensor
  • tfma.validators
    • Overview
    • Validator
  • tfma.version
    • Overview
  • tfma.view
    • Overview
    • SlicedMetrics
    • SlicedPlots
    • render_plot
    • render_slicing_attributions
    • render_slicing_metrics
    • render_time_series
  • tfma.writers
    • Overview
    • EvalConfigWriter
    • MetricsPlotsAndValidationsWriter
    • Write
    • Writer
    • convert_slice_metrics_to_proto
  • Serving
  • Client API (REST)
  • Client API (gRPC)
  • Server API (C++)
    • Overview
    • tensorflow::serving
      • Overview
      • Classes
        • AspiredVersionPolicy
        • AspiredVersionPolicy::ServableAction
        • AspiredVersionsManager
        • AspiredVersionsManager::Options
        • AspiredVersionsManagerBuilder
        • BasicManager
        • BasicManager::Options
        • CachingManager
        • CachingManager::LoaderFactory
        • CachingManager::Options
        • ClassifierInterface
        • ErrorInjectingSourceAdapter
        • FileSystemStoragePathSource
        • Loader
        • Loader::Metadata
        • LoaderHarness
        • LoaderHarness::Options
        • Manager
        • PathPrefixLoaderFactory
        • RegressorInterface
        • ResourceUnsafeLoader
        • SavedModelBundleFactory
        • ServableHandle
        • ServableStateMonitor
        • ServableStateMonitor::Options
        • ServableStateMonitor::ServableStateAndTime
        • ServerCore
        • ServerCore::Options
        • ServingSession
        • ServingSessionWrapper
        • SharedPtrHandle
        • Source
        • SourceAdapter
        • UnarySourceAdapter
        • UntypedServableHandle
      • Structs
        • AspiredServableStateSnapshot
        • ServableRequest
        • ServableStateSnapshot
    • Namespaces
      • tensorflow
      • tensorflow::serving::internal
  • ML Metadata
  • mlmd
    • Overview
  • mlmd.metadata_store
    • Overview
    • ListOptions
    • MetadataStore
    • OrderByField
    • downgrade_schema
  • tfx_bsl
  • tfx_bsl.public
    • Overview
    • beam
      • Overview
      • RunInference
      • run_inference
        • Overview
    • proto
      • Overview
      • model_spec_pb2
        • Overview
        • AIPlatformPredictionModelSpec
        • InferenceSpecType
        • SavedModelSpec
    • tfxio
      • Overview
      • BeamRecordCsvTFXIO
      • CsvTFXIO
      • RecordBatchesOptions
      • TFExampleBeamRecord
      • TFExampleRecord
      • TFSequenceExampleBeamRecord
      • TFSequenceExampleRecord
      • TFXIO
      • TensorAdapter
      • TensorAdapterConfig
      • TensorFlowDatasetOptions
      • TensorRepresentations
  • Introduction
  • TensorFlow
  • For JavaScript
  • For Mobile & IoT
  • For Production
  • Swift for TensorFlow (in beta)
  • TensorFlow (r2.4)
  • r1.15
  • Versions…
  • TensorFlow.js
  • TensorFlow Lite
  • TFX
  • Models & datasets
  • Tools
  • Libraries & extensions
  • TensorFlow Certificate program
  • Learn ML
  • Responsible AI
  • About
  • Case studies
  • AI Service Partners
  • TensorFlow
  • Learn
  • For Production
  • API

tensorflow::serving::internal

Summary

Functions

GetManagerNumLoadThreads(AspiredVersionsManager *manager)
uint32
SetManagerNumLoadThreadsNotifier(AspiredVersionsManager *manager)
std::function< void(uint32)>

Functions

GetManagerNumLoadThreads

uint32 GetManagerNumLoadThreads(
  AspiredVersionsManager *manager
)

SetManagerNumLoadThreadsNotifier

std::function< void(uint32)> SetManagerNumLoadThreadsNotifier(
  AspiredVersionsManager *manager
)

Except as otherwise noted, the content of this page is licensed under the Creative Commons Attribution 4.0 License, and code samples are licensed under the Apache 2.0 License. For details, see the Google Developers Site Policies. Java is a registered trademark of Oracle and/or its affiliates.

Last updated 2019-07-10 UTC.

  • Stay connected

    • Blog
    • GitHub
    • Twitter
    • YouTube
  • Support

    • Issue tracker
    • Release notes
    • Stack Overflow
    • Brand guidelines
    • Cite TensorFlow
  • Terms
  • Privacy
  • Sign up for the TensorFlow monthly newsletter Subscribe