Primary symbols
tff
tff.Computation
tff.FederatedType
tff.FunctionType
tff.SequenceType
tff.StructType
tff.StructWithPythonType
tff.TensorType
tff.Type
tff.TypedObject
tff.Value
tff.aggregators
tff.aggregators.AggregationFactory
tff.aggregators.DifferentiallyPrivateFactory
tff.aggregators.DiscreteFourierTransformFactory
tff.aggregators.EncodedSumFactory
tff.aggregators.HadamardTransformFactory
tff.aggregators.MeanFactory
tff.aggregators.PrivateQuantileEstimationProcess
tff.aggregators.SecureModularSumFactory
tff.aggregators.SecureSumFactory
tff.aggregators.SumFactory
tff.aggregators.UnweightedAggregationFactory
tff.aggregators.UnweightedMeanFactory
tff.aggregators.UnweightedReservoirSamplingFactory
tff.aggregators.WeightedAggregationFactory
tff.aggregators.add_measurements
tff.aggregators.as_weighted_aggregator
tff.aggregators.clipping_factory
tff.aggregators.concat_factory
tff.aggregators.federated_sample
tff.aggregators.secure_quantized_sum
tff.aggregators.zeroing_factory
tff.analytics
tff.analytics.HierarchicalHistogramDecoder
tff.analytics.IbltFactory
tff.analytics.build_hierarchical_histogram_process
tff.analytics.count_distinct
tff.analytics.count_distinct.build_client_hyperloglog_computation
tff.analytics.count_distinct.build_federated_secure_max_computation
tff.analytics.count_distinct.create_federated_hyperloglog_computation
tff.analytics.data_processing
tff.analytics.data_processing.get_all_elements
tff.analytics.data_processing.get_capped_elements
tff.analytics.data_processing.get_capped_elements_with_counts
tff.analytics.data_processing.get_top_elements
tff.analytics.data_processing.get_top_elements_with_counts
tff.analytics.data_processing.get_top_multi_elements
tff.analytics.data_processing.get_unique_elements
tff.analytics.data_processing.get_unique_elements_with_counts
tff.analytics.data_processing.to_stacked_tensor
tff.analytics.differential_privacy
tff.analytics.differential_privacy.analytic_gauss_stddev
tff.analytics.heavy_hitters
tff.analytics.heavy_hitters.iblt
tff.analytics.heavy_hitters.iblt.CharacterEncoding
tff.analytics.heavy_hitters.iblt.ClippingIbltFactory
tff.analytics.heavy_hitters.iblt.CoupledHyperEdgeHasher
tff.analytics.heavy_hitters.iblt.IbltDecoder
tff.analytics.heavy_hitters.iblt.IbltEncoder
tff.analytics.heavy_hitters.iblt.IbltTensorDecoder
tff.analytics.heavy_hitters.iblt.IbltTensorEncoder
tff.analytics.heavy_hitters.iblt.RandomHyperEdgeHasher
tff.analytics.heavy_hitters.iblt.build_iblt_computation
tff.analytics.heavy_hitters.iblt.create_chunker
tff.analytics.heavy_hitters.iblt.decode_iblt_tensor_tf
tff.analytics.heavy_hitters.iblt.decode_iblt_tf
tff.analytics.histogram_processing
tff.analytics.histogram_processing.threshold_histogram
tff.backends
tff.backends.mapreduce
tff.backends.mapreduce.BroadcastForm
tff.backends.mapreduce.DistributeAggregateForm
tff.backends.mapreduce.MapReduceForm
tff.backends.mapreduce.check_computation_compatible_with_map_reduce_form
tff.backends.mapreduce.consolidate_and_extract_local_processing
tff.backends.mapreduce.federated_secure_modular_sum
tff.backends.mapreduce.get_broadcast_form_for_computation
tff.backends.mapreduce.get_computation_for_broadcast_form
tff.backends.mapreduce.get_computation_for_distribute_aggregate_form
tff.backends.mapreduce.get_computation_for_map_reduce_form
tff.backends.mapreduce.get_distribute_aggregate_form_for_computation
tff.backends.mapreduce.get_map_reduce_form_for_computation
tff.backends.mapreduce.get_state_initialization_computation
tff.backends.mapreduce.parse_tff_to_tf
tff.backends.native
tff.backends.native.compile_to_mergeable_comp_form
tff.backends.native.create_async_local_cpp_execution_context
tff.backends.native.create_mergeable_comp_execution_context
tff.backends.native.create_sync_local_cpp_execution_context
tff.backends.native.desugar_and_transform_to_native
tff.backends.native.set_async_local_cpp_execution_context
tff.backends.native.set_mergeable_comp_execution_context
tff.backends.native.set_sync_local_cpp_execution_context
tff.backends.native.transform_to_native_form
tff.backends.test
tff.backends.test.create_async_test_cpp_execution_context
tff.backends.test.create_sync_test_cpp_execution_context
tff.backends.test.replace_secure_intrinsics_with_bodies
tff.backends.test.set_async_test_cpp_execution_context
tff.backends.test.set_sync_test_cpp_execution_context
tff.backends.xla
tff.federated_aggregate
tff.federated_broadcast
tff.federated_computation
tff.federated_eval
tff.federated_map
tff.federated_max
tff.federated_mean
tff.federated_min
tff.federated_secure_select
tff.federated_secure_sum
tff.federated_secure_sum_bitwidth
tff.federated_select
tff.federated_sum
tff.federated_value
tff.federated_zip
tff.framework
tff.framework.AsyncContext
tff.framework.AsyncExecutionContext
tff.framework.Block
tff.framework.Call
tff.framework.CardinalitiesType
tff.framework.CardinalityCarrying
tff.framework.CardinalityFreeDataDescriptor
tff.framework.CompiledComputation
tff.framework.ComputationBuildingBlock
tff.framework.ConcreteComputation
tff.framework.ContextStack
tff.framework.CreateDataDescriptor
tff.framework.Data
tff.framework.DataDescriptor
tff.framework.ExecutorFactory
tff.framework.Ingestable
tff.framework.Intrinsic
tff.framework.Lambda
tff.framework.Literal
tff.framework.MergeableCompExecutionContext
tff.framework.MergeableCompForm
tff.framework.Placement
tff.framework.PlacementLiteral
tff.framework.Reference
tff.framework.RemoteExecutor
tff.framework.RemoteExecutorGrpcStub
tff.framework.RemoteExecutorStub
tff.framework.ResourceManagingExecutorFactory
tff.framework.RetryableError
tff.framework.Selection
tff.framework.Struct
tff.framework.SyncContext
tff.framework.SyncExecutionContext
tff.framework.UnexpectedBlockError
tff.framework.deserialize_computation
tff.framework.deserialize_value
tff.framework.get_context_stack
tff.framework.local_cpp_executor_factory
tff.framework.merge_cardinalities
tff.framework.serialize_computation
tff.framework.serialize_value
tff.framework.set_default_context
tff.framework.to_call_dominant
tff.framework.transform_postorder
tff.framework.transform_preorder
tff.framework.unique_name_generator
tff.jax
tff.jax.computation
tff.learning
tff.learning.ClientWeighting
tff.learning.LoopImplementation
tff.learning.add_debug_measurements
tff.learning.add_debug_measurements_with_mixed_dtype
tff.learning.algorithms
tff.learning.algorithms.build_fed_eval
tff.learning.algorithms.build_fed_kmeans
tff.learning.algorithms.build_fed_recon
tff.learning.algorithms.build_fed_recon_eval
tff.learning.algorithms.build_fed_sgd
tff.learning.algorithms.build_mime_lite_with_optimizer_schedule
tff.learning.algorithms.build_personalization_eval_computation
tff.learning.algorithms.build_unweighted_fed_avg
tff.learning.algorithms.build_unweighted_fed_prox
tff.learning.algorithms.build_unweighted_mime_lite
tff.learning.algorithms.build_weighted_fed_avg
tff.learning.algorithms.build_weighted_fed_avg_with_optimizer_schedule
tff.learning.algorithms.build_weighted_fed_prox
tff.learning.algorithms.build_weighted_mime_lite
tff.learning.compression_aggregator
tff.learning.ddp_secure_aggregator
tff.learning.dp_aggregator
tff.learning.metrics
tff.learning.metrics.FinalizeThenSampleFactory
tff.learning.metrics.FunctionalMetricFinalizersType
tff.learning.metrics.MetricFinalizersType
tff.learning.metrics.MetricsAggregatorType
tff.learning.metrics.NumBatchesCounter
tff.learning.metrics.NumExamplesCounter
tff.learning.metrics.SecureSumFactory
tff.learning.metrics.SumThenFinalizeFactory
tff.learning.metrics.create_default_secure_sum_quantization_ranges
tff.learning.metrics.create_functional_metric_fns
tff.learning.metrics.create_keras_metric_finalizer
tff.learning.metrics.finalize_then_sample
tff.learning.metrics.secure_sum_then_finalize
tff.learning.metrics.sum_then_finalize
tff.learning.models
tff.learning.models.BatchOutput
tff.learning.models.FunctionalModel
tff.learning.models.ModelWeights
tff.learning.models.ReconstructionDatasetSplitFn
tff.learning.models.ReconstructionModel
tff.learning.models.VariableModel
tff.learning.models.from_keras_model
tff.learning.models.functional_model_from_keras
tff.learning.models.load
tff.learning.models.load_functional_model
tff.learning.models.model_from_functional
tff.learning.models.save
tff.learning.models.save_functional_model
tff.learning.models.weights_type_from_model
tff.learning.optimizers
tff.learning.optimizers.Optimizer
tff.learning.optimizers.build_adafactor
tff.learning.optimizers.build_adagrad
tff.learning.optimizers.build_adam
tff.learning.optimizers.build_adamw
tff.learning.optimizers.build_rmsprop
tff.learning.optimizers.build_sgdm
tff.learning.optimizers.build_yogi
tff.learning.optimizers.check_weights_gradients_match
tff.learning.optimizers.handle_indexed_slices_gradients
tff.learning.optimizers.schedule_learning_rate
tff.learning.programs
tff.learning.programs.EvaluationManager
tff.learning.programs.ProgramState
tff.learning.programs.extract_and_rewrap_metrics
tff.learning.programs.train_model
tff.learning.programs.train_model_with_vizier
tff.learning.robust_aggregator
tff.learning.secure_aggregator
tff.learning.templates
tff.learning.templates.ClientResult
tff.learning.templates.ClientWorkProcess
tff.learning.templates.DistributionProcess
tff.learning.templates.FinalizerProcess
tff.learning.templates.LearningAlgorithmState
tff.learning.templates.LearningProcess
tff.learning.templates.LearningProcessOutput
tff.learning.templates.build_apply_optimizer_finalizer
tff.learning.templates.build_broadcast_process
tff.learning.templates.build_functional_model_delta_client_work
tff.learning.templates.build_model_delta_client_work
tff.learning.templates.compose_learning_process
tff.learning.templates.reject_non_finite_update
tff.program
tff.program.CSVFileReleaseManager
tff.program.CSVKeyFieldnameNotFoundError
tff.program.CSVSaveMode
tff.program.ClientIdDataSource
tff.program.ClientIdDataSourceIterator
tff.program.DatasetDataSource
tff.program.DatasetDataSourceIterator
tff.program.DelayedReleaseManager
tff.program.FederatedContext
tff.program.FederatedDataSource
tff.program.FederatedDataSourceIterator
tff.program.FileProgramStateManager
tff.program.FilteringReleaseManager
tff.program.GroupingReleaseManager
tff.program.LoggingReleaseManager
tff.program.MaterializableStructure
tff.program.MaterializableTypeSignature
tff.program.MaterializableValue
tff.program.MaterializableValueReference
tff.program.MaterializedStructure
tff.program.MaterializedValue
tff.program.MemoryReleaseManager
tff.program.NativeFederatedContext
tff.program.NativeValueReference
tff.program.NotFilterableError
tff.program.PeriodicReleaseManager
tff.program.ProgramStateExistsError
tff.program.ProgramStateManager
tff.program.ProgramStateNotFoundError
tff.program.ProgramStateValue
tff.program.ReleasableValue
tff.program.ReleaseManager
tff.program.SavedModelFileReleaseManager
tff.program.TensorBoardReleaseManager
tff.program.check_in_federated_context
tff.program.contains_only_server_placed_data
tff.program.materialize_value
tff.sequence_map
tff.sequence_reduce
tff.sequence_sum
tff.simulation
tff.simulation.SequenceTypeNotAssignableError
tff.simulation.SequenceTypeNotFoundError
tff.simulation.baselines
tff.simulation.baselines.BaselineTask
tff.simulation.baselines.BaselineTaskDatasets
tff.simulation.baselines.ClientSpec
tff.simulation.baselines.cifar100
tff.simulation.baselines.cifar100.ResnetModel
tff.simulation.baselines.cifar100.create_image_classification_task
tff.simulation.baselines.emnist
tff.simulation.baselines.emnist.CharacterRecognitionModel
tff.simulation.baselines.emnist.create_autoencoder_task
tff.simulation.baselines.emnist.create_character_recognition_task
tff.simulation.baselines.landmark
tff.simulation.baselines.landmark.create_landmark_classification_task
tff.simulation.baselines.shakespeare
tff.simulation.baselines.shakespeare.create_character_prediction_task
tff.simulation.baselines.stackoverflow
tff.simulation.baselines.stackoverflow.create_tag_prediction_task
tff.simulation.baselines.stackoverflow.create_word_prediction_task
tff.simulation.build_uniform_sampling_fn
tff.simulation.compose_dataset_computation_with_computation
tff.simulation.compose_dataset_computation_with_iterative_process
tff.simulation.compose_dataset_computation_with_learning_process
tff.simulation.datasets
tff.simulation.datasets.ClientData
tff.simulation.datasets.FilePerUserClientData
tff.simulation.datasets.SqlClientData
tff.simulation.datasets.TestClientData
tff.simulation.datasets.TransformingClientData
tff.simulation.datasets.build_dataset_mixture
tff.simulation.datasets.build_single_label_dataset
tff.simulation.datasets.build_synthethic_iid_datasets
tff.simulation.datasets.celeba
tff.simulation.datasets.celeba.load_data
tff.simulation.datasets.cifar100
tff.simulation.datasets.cifar100.get_synthetic
tff.simulation.datasets.cifar100.load_data
tff.simulation.datasets.emnist
tff.simulation.datasets.emnist.get_synthetic
tff.simulation.datasets.emnist.load_data
tff.simulation.datasets.flair
tff.simulation.datasets.flair.download_data
tff.simulation.datasets.flair.load_data
tff.simulation.datasets.flair.write_data
tff.simulation.datasets.gldv2
tff.simulation.datasets.gldv2.ClientData
tff.simulation.datasets.gldv2.get_synthetic
tff.simulation.datasets.gldv2.load_data
tff.simulation.datasets.inaturalist
tff.simulation.datasets.inaturalist.ClientData
tff.simulation.datasets.inaturalist.INaturalistSplit
tff.simulation.datasets.inaturalist.get_synthetic
tff.simulation.datasets.inaturalist.load_data
tff.simulation.datasets.load_and_parse_sql_client_data
tff.simulation.datasets.save_to_sql_client_data
tff.simulation.datasets.shakespeare
tff.simulation.datasets.shakespeare.get_synthetic
tff.simulation.datasets.shakespeare.load_data
tff.simulation.datasets.stackoverflow
tff.simulation.datasets.stackoverflow.create_synthetic_data_dictionary
tff.simulation.datasets.stackoverflow.get_synthetic
tff.simulation.datasets.stackoverflow.get_synthetic_tag_counts
tff.simulation.datasets.stackoverflow.get_synthetic_word_counts
tff.simulation.datasets.stackoverflow.load_data
tff.simulation.datasets.stackoverflow.load_tag_counts
tff.simulation.datasets.stackoverflow.load_word_counts
tff.simulation.models
tff.simulation.models.mnist
tff.simulation.models.mnist.create_keras_model
tff.simulation.models.mnist.create_simple_keras_model
tff.simulation.models.mnist.keras_dataset_from_emnist
tff.simulation.run_training_process
tff.structure
tff.structure.Callable
tff.structure.Iterable
tff.structure.Iterator
tff.structure.Mapping
tff.structure.Struct
tff.structure.flatten
tff.structure.from_container
tff.structure.has_field
tff.structure.is_same_structure
tff.structure.iter_elements
tff.structure.map_structure
tff.structure.name_list
tff.structure.name_list_with_nones
tff.structure.name_to_index_map
tff.structure.pack_sequence_as
tff.structure.to_elements
tff.structure.to_odict
tff.structure.to_odict_or_tuple
tff.structure.update_struct
tff.templates
tff.templates.AggregationProcess
tff.templates.EstimationProcess
tff.templates.IterativeProcess
tff.templates.MeasuredProcess
tff.templates.MeasuredProcessOutput
tff.templates.chain_measured_processes
tff.templates.concatenate_measured_processes
tff.tensorflow
tff.tensorflow.computation
tff.tensorflow.replace_intrinsics_with_bodies
tff.tensorflow.transform_args
tff.tensorflow.transform_result
tff.test
tff.test.assert_contains_secure_aggregation
tff.test.assert_contains_unsecure_aggregation
tff.test.assert_not_contains_secure_aggregation
tff.test.assert_not_contains_unsecure_aggregation
tff.test.assert_type_assignable_from
tff.test.assert_types_equivalent
tff.test.assert_types_identical
tff.test.create_runtime_error_context
tff.test.set_no_default_context
tff.test.with_context
tff.test.with_contexts
tff.to_type
tff.to_value
tff.types
tff.types.AbstractType
tff.types.ArrayShape
tff.types.FederatedType
tff.types.FunctionType
tff.types.PlacementType
tff.types.SequenceType
tff.types.StructType
tff.types.StructWithPythonType
tff.types.TensorType
tff.types.Type
tff.types.TypeNotAssignableError
tff.types.TypeRelation
tff.types.TypesNotEquivalentError
tff.types.TypesNotIdenticalError
tff.types.UnexpectedTypeError
tff.types.contains
tff.types.contains_only
tff.types.count
tff.types.deserialize_type
tff.types.is_shape_fully_defined
tff.types.is_structure_of_floats
tff.types.is_structure_of_integers
tff.types.is_structure_of_tensors
tff.types.is_tensorflow_compatible_type
tff.types.num_elements_in_shape
tff.types.serialize_type
tff.types.structure_from_tensor_type_tree
tff.types.tensorflow_to_type
tff.types.to_type
tff.types.type_mismatch_error_message
tff.types.type_to_py_container
tff.types.type_to_tf_tensor_specs