Index _ | A | B | C | D | E | F | G | H | I | J | L | M | N | O | P | R | S | T | U | V | W _ __init__() (AbstractAe method) (AbstractSnapshotter method) (Accuracy method) (AdaptiveConstraintServerCheckpointAndStateModule method) (AdaptiveDriftConstraintClient method) (ApflClient method) (AutoEncoderDatasetConverter method) (AutoEncoderProcessing method) (BalancedAccuracy method) (BaseServerCheckpointAndStateModule method) (BasicClient method) (BasicFedAvg method) (BestLossOpacusCheckpointer method) (BestLossTorchModuleCheckpointer method) (BinarySoftDiceCoefficient method) (ClientCheckpointAndStateModule method) (ClientLevelDPFedAvgM method) (ClientLevelDPFedAvgServer method) (ClippingBitServerCheckpointAndStateModule method) (ConditionalVae method) (ConstrainedFendaClient method) (CvaeFixedConditionProcessor method) (CvaeVariableConditionProcessor method) (DatasetConverter method) (DeepMmdLoss method) (DictionaryDataset method) (DirichletLabelBasedAllocation method) (DirichletLabelBasedSampler method) (DittoClient method) (DittoDeepMmdClient method) (DittoMkMmdClient method) (DittoServer method) (DPScaffoldServer method) (DpScaffoldServerCheckpointAndStateModule method) (DynamicLayerExchanger method) (EarlyStopper method) (EnsembleClient method) (EnsembleModel method) (EvaluateClient method) (EvaluateServer method) (EvaluationLosses method) (F1 method) (FairnessMetric method) (FeatureExtractorBuffer method) (FedAvgDynamicLayer method) (FedAvgSparseCooTensor method) (FedAvgWithAdaptiveConstraint method) (FedDgGa method) (FedDgGaAdaptiveConstraint method) (FedPCA method) (FedPCAClient method) (FedPm method) (FedPmClient method) (FedPmServer method) (FedProxServer method) (FedRepClient method) (FedSimClrModel method) (FendaClient method) (FendaDittoClient method) (FendaModel method) (FendaModelWithFeatureState method) (FileReporter method) (Flash method) (FlashClient method) (FlClientLevelAccountantFixedSamplingNoReplacement method) (FlClientLevelAccountantPoissonSampling method) (FlInstanceLevelAccountant method) (FlServer method) (FunctionTorchModuleCheckpointer method) (InstanceLevelDpClient method) (InstanceLevelDpServer method) (LabelBasedSampler method) (LatestOpacusCheckpointer method) (LatestTorchModuleCheckpointer method) (LayerNamesServerCheckpointAndStateModule method) (LayerSelectionFunctionConstructor method) (Losses method) (LossMeter method) (MaskedConv1d method) (MaskedConv2d method) (MaskedConv3d method) (MaskedConvTranspose1d method) (MaskedConvTranspose2d method) (MaskedConvTranspose3d method) (MaskedLayerNorm method) (MaskedLinear method) (Metric method) (MetricManager method) (MinorityLabelBasedSampler method) (MkMmdLoss method) (ModelLatentF method) (ModelMergeClient method) (ModelMergeServer method) (ModelMergeStrategy method) (MomentsAccountant method) (MoonClient method) (MoonContrastiveLoss method) (MoonModel method) (MrMtlClient method) (MrMtlMkMmdClient method) (MrMtlServer method) (NnunetClient method) (nnUNetDataLoaderWrapper method) (NnunetServer method) (NnUnetServerCheckpointAndStateModule method) (NtXentLoss method) (NumpyClippingClient method) (OpacusBasicFedAvg method) (OpacusScaffold method) (OpacusServerCheckpointAndStateModule method) (PackingServerCheckpointAndAndStateModule method) (ParallelSplitHeadModule method) (ParallelSplitModel method) (PartialWeightExchangeClient method) (PcaModule method) (PcaPreprocessor method) (PerFclClient method) (PerFclModel method) (PerRoundStateCheckpointer method) (PolyLRSchedulerWrapper method) (ROC_AUC method) (Scaffold method) (ScaffoldClient method) (ScaffoldServer method) (ScaffoldServerCheckpointAndStateModule method) (SequentiallySplitModel method) (SimpleMetric method) (SparseCooParameterExchanger method) (SparseCooServerCheckpointAndStateModule method) (StreamToLogger method) (SyntheticDataset method) (SyntheticFedProxDataset method) (SyntheticIidFedProxDataset method) (SyntheticNonIidFedProxDataset method) (TabularDataClient method) (TabularFeature method) (TabularFeatureAlignmentServer method) (TorchMetric method) (TorchModuleCheckpointer method) (TrainingLosses method) (TransformsMetric method) (VaeLoss method) (VaeProcessor method) (VariationalAe method) (WandBReporter method), [1] (WarmedUpModule method) A AbstractAe (class in fl4health.model_bases.autoencoders_base) AbstractSnapshotter (class in fl4health.utils.snapshotter) accumulate_features (FeatureExtractorBuffer attribute) ACCUMULATION (LossMeterType attribute) Accuracy (class in fl4health.utils.metrics) ACCURACY (FairnessMetricType attribute) AdaptiveConstraintServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) AdaptiveDriftConstraintClient (class in fl4health.clients.adaptive_drift_constraint_client) add_default_snapshot_attr() (EarlyStopper method) add_items_to_config_fn() (in module fl4health.servers.nnunet_server) add_noise_to_array() (in module fl4health.strategies.noisy_aggregate) add_noise_to_ndarrays() (in module fl4health.strategies.noisy_aggregate) AeProcessor (class in fl4health.preprocessing.autoencoders.dim_reduction) aggregate() (EvaluationLosses static method) (FedAvgDynamicLayer method) (FedAvgSparseCooTensor method) (FedPm method) (Losses static method) (Scaffold method) (TrainingLosses static method) aggregate_bayesian() (FedPm method) aggregate_evaluate() (BasicFedAvg method) (EvaluateServer method) (FedDgGa method) (ModelMergeStrategy method) aggregate_fit() (BasicFedAvg method) (ClientLevelDPFedAvgM method) (FedAvgDynamicLayer method) (FedAvgSparseCooTensor method) (FedAvgWithAdaptiveConstraint method) (FedDgGa method) (FedDgGaAdaptiveConstraint method) (FedPCA method) (Flash method) (ModelMergeStrategy method) (Scaffold method) aggregate_losses() (in module fl4health.strategies.aggregate_utils) aggregate_losses_dict() (LossMeter static method) aggregate_results() (in module fl4health.strategies.aggregate_utils) ApflClient (class in fl4health.clients.apfl_client) ApflModule (class in fl4health.model_bases.apfl_base) apply_layer_filter() (FixedLayerExchanger method) (LayerExchangerWithExclusions method) as_dict() (EvaluationLosses method) (Losses method) (TrainingLosses method) AutoEncoderDatasetConverter (class in fl4health.utils.dataset_converter) AutoEncoderProcessing (class in fl4health.preprocessing.autoencoders.dim_reduction) AVERAGE (EnsembleAggregationMode attribute) (LossMeterType attribute) B backward() (BernoulliSample static method) BalancedAccuracy (class in fl4health.utils.metrics) BaseDataset (class in fl4health.utils.dataset) BaseFractionSamplingManager (class in fl4health.client_managers.base_sampling_manager) BaseReporter (class in fl4health.reporting.base_reporter) BaseServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) BasicAe (class in fl4health.model_bases.autoencoders_base) BasicClient (class in fl4health.clients.basic_client) BasicFedAvg (class in fl4health.strategies.basic_fedavg) BernoulliSample (class in fl4health.utils.functions) BestLossOpacusCheckpointer (class in fl4health.checkpointing.opacus_checkpointer) BestLossTorchModuleCheckpointer (class in fl4health.checkpointing.checkpointer) beta_with_extreme_kernel_base_values() (MkMmdLoss method) bias (MaskedConv1d attribute) (MaskedConv2d attribute) (MaskedConv3d attribute) (MaskedConvTranspose1d attribute) (MaskedConvTranspose2d attribute) (MaskedConvTranspose3d attribute) (MaskedLayerNorm attribute) (MaskedLinear attribute) bias_score (MaskedConv1d attribute) (MaskedConv2d attribute) (MaskedConv3d attribute) (MaskedConvTranspose1d attribute) (MaskedConvTranspose2d attribute) (MaskedConvTranspose3d attribute) (MaskedLayerNorm attribute) (MaskedLinear attribute) BINARY (TabularType attribute) BinarySoftDiceCoefficient (class in fl4health.utils.metrics) C calculate_parameters_norm() (NumpyClippingClient method) calculate_update_with_momentum() (ClientLevelDPFedAvgM method) center_data() (PcaModule method) check_config() (in module fl4health.utils.config) check_if_batch_is_empty_and_verify_input() (in module fl4health.utils.client) check_shape_match() (in module fl4health.utils.parameter_extraction) check_target_prediction_keys_equal() (MetricManager method) checkpoint_exists() (PerRoundStateCheckpointer method) CheckpointMode (class in fl4health.checkpointing.client_module) clear() (LossMeter method) (Metric method) (MetricManager method) (SimpleMetric method) (TorchMetric method) (TransformsMetric method) clear_buffers() (FeatureExtractorBuffer method) ClientCheckpointAndStateModule (class in fl4health.checkpointing.client_module) ClientLevelAccountant (class in fl4health.privacy.fl_accountants) ClientLevelDPFedAvgM (class in fl4health.strategies.client_dp_fedavgm) ClientLevelDPFedAvgServer (class in fl4health.servers.client_level_dp_fed_avg_server) clip_parameters() (NumpyClippingClient method) ClippingBitServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) clone_and_freeze_model() (in module fl4health.utils.client) collapse_one_hot_tensor() (in module fl4health.utils.nnunet_utils) compute() (LossMeter method) (Metric method) (MetricManager method) (SimpleMetric method) (TorchMetric method) (TransformsMetric method) compute_all_h_u_all_samples() (MkMmdLoss method) compute_all_h_u_from_inner_products() (MkMmdLoss method) compute_all_h_u_from_inner_products_linear() (MkMmdLoss method) compute_all_h_u_linear() (MkMmdLoss method) compute_contrastive_loss() (ConstrainedFendaLossContainer method) compute_cosine_similarity_loss() (ConstrainedFendaLossContainer method) compute_cumulative_explained_variance() (PcaModule method) compute_euclidean_inner_products() (MkMmdLoss method) compute_euclidean_inner_products_linear() (MkMmdLoss method) compute_evaluation_loss() (BasicClient method) (ConstrainedFendaClient method) (DittoClient method) (DittoDeepMmdClient method) (EnsembleClient method) (MoonClient method) (PerFclClient method) compute_explained_variance_ratios() (PcaModule method) compute_h_u_from_inner_products() (MkMmdLoss method) compute_h_u_from_inner_products_linear() (MkMmdLoss method) compute_hat_d_per_kernel() (MkMmdLoss method) compute_hat_Q_k() (MkMmdLoss method) compute_hat_Q_k_linear() (MkMmdLoss method) compute_kernel() (DeepMmdLoss method) compute_loss_and_additional_losses() (ApflClient method) (BasicClient method) (ConstrainedFendaClient method) (DittoClient method) (DittoDeepMmdClient method) (DittoMkMmdClient method) (MoonClient method) (MrMtlMkMmdClient method) (NnunetClient method) (PerFclClient method) compute_mkmmd() (MkMmdLoss method) compute_negative_similarities() (MoonContrastiveLoss method) compute_parameter_delta() (Scaffold method) compute_parameters_delta() (ScaffoldClient method) compute_penalty_loss() (AdaptiveDriftConstraintClient method) compute_perfcl_loss() (ConstrainedFendaLossContainer method) compute_projection_variance() (PcaModule method) compute_reconstruction_error() (PcaModule method) compute_training_loss() (AdaptiveDriftConstraintClient method) (BasicClient method) (DittoClient method) (DittoDeepMmdClient method) (DittoMkMmdClient method) (EnsembleClient method) (FendaDittoClient method) (MoonClient method) (MrMtlClient method) (MrMtlMkMmdClient method) compute_updated_control_variates() (Scaffold method) (ScaffoldClient method) compute_updated_parameters() (Scaffold method) compute_updated_weights() (Scaffold method) compute_vertices() (MkMmdLoss method) compute_weight_update_and_clip() (NumpyClippingClient method) CONCATENATE (ParallelFeatureJoinMode attribute) ConditionalVae (class in fl4health.model_bases.autoencoders_base) configure_evaluate() (BasicFedAvg method) (ClientLevelDPFedAvgM method) (EvaluateServer method) (FedDgGa method) (ModelMergeStrategy method) configure_fit() (BasicFedAvg method) (ClientLevelDPFedAvgM method) (FedDgGa method) (ModelMergeStrategy method) configure_fit_all() (Scaffold method) configure_poll() (BasicFedAvg method) (StrategyWithPolling method) ConstrainedFendaClient (class in fl4health.clients.constrained_fenda_client) ConstrainedFendaLossContainer (class in fl4health.losses.fenda_loss_config) construct_covariance_matrix() (SyntheticFedProxDataset method) construct_quadruples() (MkMmdLoss method) construct_rxrx1_tensor_dataset() (in module fl4health.datasets.rxrx1.load_data) construct_skin_cancer_tensor_dataset() (in module fl4health.datasets.skin_cancer.load_data) convert_dataset() (AutoEncoderDatasetConverter method) (DatasetConverter method) convert_deep_supervision_dict_to_list() (in module fl4health.utils.nnunet_utils) convert_deep_supervision_list_to_dict() (in module fl4health.utils.nnunet_utils) convert_model_to_opacus_model() (in module fl4health.utils.privacy_utilities) convert_to_masked_model() (in module fl4health.model_bases.masked_layers.masked_layers_utils) CosineSimilarityLoss (class in fl4health.losses.cosine_similarity_loss) CosineSimilarityLossContainer (class in fl4health.losses.fenda_loss_config) create_plans() (NnunetClient method) create_splits() (in module fl4health.datasets.rxrx1.load_data) CRITICAL (LogLevel attribute) CUSTOM (FairnessMetricType attribute) CvaeFixedConditionProcessor (class in fl4health.preprocessing.autoencoders.dim_reduction) CvaeVariableConditionProcessor (class in fl4health.preprocessing.autoencoders.dim_reduction) D DatasetConverter (class in fl4health.utils.dataset_converter) DEBUG (LogLevel attribute) decode() (BasicAe method) (ConditionalVae method) (VariationalAe method) decode_and_pseudo_sort_results() (in module fl4health.utils.functions) DeepMmdLoss (class in fl4health.losses.deep_mmd_loss) define_metrics() (WandBReporter method), [1] delete_default_snapshot_attr() (EarlyStopper method) derm7pt_image_path_func() (in module fl4health.datasets.skin_cancer.preprocess_skin) derm7pt_label_map_func() (in module fl4health.datasets.skin_cancer.preprocess_skin) dict_wrap_attr() (AbstractSnapshotter method) DictionaryDataset (class in fl4health.utils.dataset) DirichletLabelBasedAllocation (class in fl4health.utils.partitioners) DirichletLabelBasedSampler (class in fl4health.utils.sampler) disable_accumulating_features() (FeatureExtractorBuffer method) DittoClient (class in fl4health.clients.ditto_client) DittoDeepMmdClient (class in fl4health.clients.deep_mmd_clients.ditto_deep_mmd_client) DittoMkMmdClient (class in fl4health.clients.mkmmd_clients.ditto_mkmmd_client) DittoServer (class in fl4health.servers.adaptive_constraint_servers.ditto_server) DPScaffoldClient (class in fl4health.clients.scaffold_client) DPScaffoldServer (class in fl4health.servers.scaffold_server) DpScaffoldServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) dump() (FileReporter method) (JsonReporter method), [1] DynamicLayerExchanger (class in fl4health.parameter_exchange.layer_exchanger) E EARLY_STOP_VALIDATION (LoggingMode attribute) EarlyStopper (class in fl4health.utils.early_stopper) empty_cache() (NnunetClient method) enable_accumulating_features() (FeatureExtractorBuffer method) encode() (BasicAe method) (ConditionalVae method) (VariationalAe method) encoder_from_dataframe() (TabularFeaturesInfoEncoder static method) ensemble_average() (EnsembleModel method) ensemble_vote() (EnsembleModel method) EnsembleAggregationMode (class in fl4health.model_bases.ensemble_base) EnsembleClient (class in fl4health.clients.ensemble_client) EnsembleModel (class in fl4health.model_bases.ensemble_base) EPOCH (StepType attribute) ERROR (LogLevel attribute) evaluate() (BasicClient method) (EvaluateClient method) (FedPCAClient method) (ModelMergeClient method) (ModelMergeStrategy method) evaluate_metrics_aggregation_fn() (in module fl4health.utils.metric_aggregation) evaluate_round() (FlServer method) EvaluateClient (class in fl4health.clients.evaluate_client) EvaluateServer (class in fl4health.servers.evaluate_server) EvaluationLosses (class in fl4health.utils.losses) extract_coo_info_from_dense() (SparseCooParameterPacker static method) extracted_features_buffers (FeatureExtractorBuffer attribute) F F1 (class in fl4health.utils.metrics) FairnessMetric (class in fl4health.strategies.feddg_ga) FairnessMetricType (class in fl4health.strategies.feddg_ga) FeatureExtractorBuffer (class in fl4health.model_bases.feature_extractor_buffer) features_by_type() (TabularFeaturesInfoEncoder method) FedAvgDynamicLayer (class in fl4health.strategies.fedavg_dynamic_layer) FedAvgSparseCooTensor (class in fl4health.strategies.fedavg_sparse_coo_tensor) FedAvgWithAdaptiveConstraint (class in fl4health.strategies.fedavg_with_adaptive_constraint) FedDgGa (class in fl4health.strategies.feddg_ga) FedDgGaAdaptiveConstraint (class in fl4health.strategies.feddg_ga_with_adaptive_constraint) federated_evaluate() (EvaluateServer method) FedPCA (class in fl4health.strategies.fedpca) FedPCAClient (class in fl4health.clients.fed_pca_client) FedPerClient (class in fl4health.clients.fedper_client) FedPm (class in fl4health.strategies.fedpm) FedPmClient (class in fl4health.clients.fedpm_client) FedPmExchanger (class in fl4health.parameter_exchange.fedpm_exchanger) FedPmServer (class in fl4health.servers.fedpm_server) FedProxClient (class in fl4health.clients.fed_prox_client) FedProxServer (class in fl4health.servers.adaptive_constraint_servers.fedprox_server) FedRepClient (class in fl4health.clients.fedrep_client) FedRepModel (class in fl4health.model_bases.fedrep_base) FedRepTrainMode (class in fl4health.clients.fedrep_client) FedSimClrModel (class in fl4health.model_bases.fedsimclr_base) FendaClient (class in fl4health.clients.fenda_client) FendaDittoClient (class in fl4health.clients.fenda_ditto_client) FendaModel (class in fl4health.model_bases.fenda_base) FendaModelWithFeatureState (class in fl4health.model_bases.fenda_base) fhooks (FeatureExtractorBuffer attribute) FileReporter (class in fl4health.reporting.json_reporter) fill_in_missing_columns() (TabularFeaturesPreprocessor method) filter_and_save_data() (in module fl4health.datasets.rxrx1.preprocess) find_last_common_prefix() (FeatureExtractorBuffer method) fit() (BasicClient method) (ClientLevelDPFedAvgServer method) (DPScaffoldServer method) (EvaluateClient method) (EvaluateServer method) (FedPCAClient method) (FedRepClient method) (FlServer method) (InstanceLevelDpServer method) (ModelMergeClient method) (ModelMergeServer method) (ScaffoldServer method) (TabularFeatureAlignmentServer method) (TextColumnTransformer method) (TextMulticolumnTransformer method) fit_config() (in module fl4health.servers.tabular_feature_alignment_server) fit_metrics_aggregation_fn() (in module fl4health.utils.metric_aggregation) fit_round() (FedPmServer method) (FlServer method) fit_with_per_round_checkpointing() (FlServer method) FixedLayerExchanger (class in fl4health.parameter_exchange.layer_exchanger) FixedSamplingByFractionClientManager (class in fl4health.client_managers.fixed_without_replacement_manager) FixedSamplingClientManager (class in fl4health.client_managers.fixed_sampling_client_manager) FixedSamplingWithoutReplacement (class in fl4health.privacy.moments_accountant) fl4health module fl4health.checkpointing module fl4health.checkpointing.checkpointer module fl4health.checkpointing.client_module module fl4health.checkpointing.opacus_checkpointer module fl4health.checkpointing.server_module module fl4health.client_managers module fl4health.client_managers.base_sampling_manager module fl4health.client_managers.fixed_sampling_client_manager module fl4health.client_managers.fixed_without_replacement_manager module fl4health.client_managers.poisson_sampling_manager module fl4health.clients module fl4health.clients.adaptive_drift_constraint_client module fl4health.clients.apfl_client module fl4health.clients.basic_client module fl4health.clients.clipping_client module fl4health.clients.constrained_fenda_client module fl4health.clients.deep_mmd_clients module fl4health.clients.deep_mmd_clients.ditto_deep_mmd_client module fl4health.clients.ditto_client module fl4health.clients.ensemble_client module fl4health.clients.evaluate_client module fl4health.clients.fed_pca_client module fl4health.clients.fed_prox_client module fl4health.clients.fedper_client module fl4health.clients.fedpm_client module fl4health.clients.fedrep_client module fl4health.clients.fenda_client module fl4health.clients.fenda_ditto_client module fl4health.clients.flash_client module fl4health.clients.instance_level_dp_client module fl4health.clients.mkmmd_clients module fl4health.clients.mkmmd_clients.ditto_mkmmd_client module fl4health.clients.mkmmd_clients.mr_mtl_mkmmd_client module fl4health.clients.model_merge_client module fl4health.clients.moon_client module fl4health.clients.mr_mtl_client module fl4health.clients.nnunet_client module fl4health.clients.partial_weight_exchange_client module fl4health.clients.perfcl_client module fl4health.clients.scaffold_client module fl4health.clients.tabular_data_client module fl4health.datasets module fl4health.datasets.rxrx1 module fl4health.datasets.rxrx1.load_data module fl4health.datasets.rxrx1.preprocess module fl4health.datasets.skin_cancer module fl4health.datasets.skin_cancer.load_data module fl4health.datasets.skin_cancer.preprocess_skin module fl4health.feature_alignment module fl4health.feature_alignment.constants module fl4health.feature_alignment.string_columns_transformer module fl4health.feature_alignment.tab_features_info_encoder module fl4health.feature_alignment.tab_features_preprocessor module fl4health.feature_alignment.tabular_feature module fl4health.feature_alignment.tabular_type module fl4health.losses module fl4health.losses.contrastive_loss module fl4health.losses.cosine_similarity_loss module fl4health.losses.deep_mmd_loss module fl4health.losses.fenda_loss_config module fl4health.losses.mkmmd_loss module fl4health.losses.perfcl_loss module fl4health.losses.weight_drift_loss module fl4health.model_bases module fl4health.model_bases.apfl_base module fl4health.model_bases.autoencoders_base module fl4health.model_bases.ensemble_base module fl4health.model_bases.feature_extractor_buffer module fl4health.model_bases.fedrep_base module fl4health.model_bases.fedsimclr_base module fl4health.model_bases.fenda_base module fl4health.model_bases.masked_layers module fl4health.model_bases.masked_layers.masked_conv module fl4health.model_bases.masked_layers.masked_layers_utils module fl4health.model_bases.masked_layers.masked_linear module fl4health.model_bases.masked_layers.masked_normalization_layers module fl4health.model_bases.moon_base module fl4health.model_bases.parallel_split_models module fl4health.model_bases.partial_layer_exchange_model module fl4health.model_bases.pca module fl4health.model_bases.perfcl_base module fl4health.model_bases.sequential_split_models module fl4health.parameter_exchange module fl4health.parameter_exchange.fedpm_exchanger module fl4health.parameter_exchange.full_exchanger module fl4health.parameter_exchange.layer_exchanger module fl4health.parameter_exchange.packing_exchanger module fl4health.parameter_exchange.parameter_exchanger_base module fl4health.parameter_exchange.parameter_packer module fl4health.parameter_exchange.parameter_selection_criteria module fl4health.parameter_exchange.partial_parameter_exchanger module fl4health.parameter_exchange.sparse_coo_parameter_exchanger module fl4health.preprocessing module fl4health.preprocessing.autoencoders module fl4health.preprocessing.autoencoders.dim_reduction module fl4health.preprocessing.autoencoders.loss module fl4health.preprocessing.pca_preprocessor module fl4health.preprocessing.warmed_up_module module fl4health.privacy module fl4health.privacy.fl_accountants module fl4health.privacy.moments_accountant module fl4health.reporting module fl4health.reporting.base_reporter module fl4health.reporting.json_reporter module fl4health.reporting.reports_manager module fl4health.reporting.wandb_reporter module fl4health.servers module fl4health.servers.adaptive_constraint_servers module fl4health.servers.adaptive_constraint_servers.ditto_server module fl4health.servers.adaptive_constraint_servers.fedprox_server module fl4health.servers.adaptive_constraint_servers.mrmtl_server module fl4health.servers.base_server module fl4health.servers.client_level_dp_fed_avg_server module fl4health.servers.evaluate_server module fl4health.servers.fedpm_server module fl4health.servers.instance_level_dp_server module fl4health.servers.model_merge_server module fl4health.servers.nnunet_server module fl4health.servers.polling module fl4health.servers.scaffold_server module fl4health.servers.tabular_feature_alignment_server module fl4health.strategies module fl4health.strategies.aggregate_utils module fl4health.strategies.basic_fedavg module fl4health.strategies.client_dp_fedavgm module fl4health.strategies.fedavg_dynamic_layer module fl4health.strategies.fedavg_sparse_coo_tensor module fl4health.strategies.fedavg_with_adaptive_constraint module fl4health.strategies.feddg_ga module fl4health.strategies.feddg_ga_with_adaptive_constraint module fl4health.strategies.fedpca module fl4health.strategies.fedpm module fl4health.strategies.flash module fl4health.strategies.model_merge_strategy module fl4health.strategies.noisy_aggregate module fl4health.strategies.scaffold module fl4health.strategies.strategy_with_poll module fl4health.utils module fl4health.utils.client module fl4health.utils.config module fl4health.utils.data_generation module fl4health.utils.dataset module fl4health.utils.dataset_converter module fl4health.utils.early_stopper module fl4health.utils.functions module fl4health.utils.load_data module fl4health.utils.logging module fl4health.utils.losses module fl4health.utils.metric_aggregation module fl4health.utils.metrics module fl4health.utils.msd_dataset_sources module fl4health.utils.nnunet_utils module fl4health.utils.parameter_extraction module fl4health.utils.partitioners module fl4health.utils.privacy_utilities module fl4health.utils.random module fl4health.utils.sampler module fl4health.utils.snapshotter module fl4health.utils.typing module Flash (class in fl4health.strategies.flash) FlashClient (class in fl4health.clients.flash_client) flatten() (FeatureExtractorBuffer method) flatten_feature_extraction_layers (FeatureExtractorBuffer attribute) FlClientLevelAccountantFixedSamplingNoReplacement (class in fl4health.privacy.fl_accountants) FlClientLevelAccountantPoissonSampling (class in fl4health.privacy.fl_accountants) FlInstanceLevelAccountant (class in fl4health.privacy.fl_accountants) FlServer (class in fl4health.servers.base_server) flush() (StreamToLogger method) fold_loss_dict_into_metrics() (in module fl4health.utils.client) form_and_solve_qp() (MkMmdLoss method) form_h_u_delta_w_i() (MkMmdLoss method) form_kernel_samples_minus_expectation() (MkMmdLoss method) forward() (AbstractAe method) (ApflModule method) (BasicAe method) (BernoulliSample static method) (ConditionalVae method) (CosineSimilarityLoss method) (DeepMmdLoss method) (EnsembleModel method) (FedSimClrModel method) (FendaModelWithFeatureState method) (MaskedConv1d method) (MaskedConv2d method) (MaskedConv3d method) (MaskedConvTranspose1d method) (MaskedConvTranspose2d method) (MaskedConvTranspose3d method) (MaskedLayerNorm method) (MaskedLinear method) (MkMmdLoss method) (ModelLatentF method) (Module2LossWrapper method) (MoonContrastiveLoss method) (NtXentLoss method) (ParallelSplitHeadModule method) (ParallelSplitModel method) (PcaModule method) (PerFclLoss method) (PerFclModel method) (SequentiallySplitModel method) (VaeLoss method) (VariationalAe method) (WeightDriftLoss method) forward_hook() (FeatureExtractorBuffer method) freeze_base_module() (FedRepModel method) freeze_head_module() (FedRepModel method) from_json() (TabularFeature static method) (TabularFeaturesInfoEncoder static method) from_pretrained() (MaskedConv1d class method) (MaskedConv2d class method) (MaskedConv3d class method) (MaskedConvTranspose1d class method) (MaskedConvTranspose2d class method) (MaskedConvTranspose3d class method) (MaskedLayerNorm class method) (MaskedLinear class method) FullParameterExchanger (class in fl4health.parameter_exchange.full_exchanger) FullParameterExchangerWithPacking (class in fl4health.parameter_exchange.packing_exchanger) FunctionTorchModuleCheckpointer (class in fl4health.checkpointing.checkpointer) G gaussian_noisy_aggregate_clipping_bits() (in module fl4health.strategies.noisy_aggregate) gaussian_noisy_unweighted_aggregate() (in module fl4health.strategies.noisy_aggregate) gaussian_noisy_weighted_aggregate() (in module fl4health.strategies.noisy_aggregate) generate() (SyntheticFedProxDataset method) generate_client_tensors() (SyntheticFedProxDataset method) (SyntheticIidFedProxDataset method) (SyntheticNonIidFedProxDataset method) generate_hash() (FedPCAClient method) (in module fl4health.utils.random) generate_parameter_scores() (SparseCooParameterExchanger method) get_all_model_parameters() (in module fl4health.utils.parameter_extraction) get_best_vertex_for_objective_function() (MkMmdLoss method) get_categories_list() (TabularFeaturesInfoEncoder method) get_cifar10_data_and_target_tensors() (in module fl4health.utils.load_data) get_client_specific_logs() (BasicClient method) (NnunetClient method) get_client_specific_reports() (BasicClient method) (NnunetClient method) get_condition_vector_size() (AutoEncoderDatasetConverter method) get_criterion() (BasicClient method) (NnunetClient method) get_current_weight_step_size() (FedDgGa method) get_data_frame() (TabularDataClient method) get_data_loader() (EvaluateClient method) get_data_loaders() (BasicClient method) (FedPCAClient method) (NnunetClient method) get_data_tensor() (FedPCAClient method) get_dataset_n_voxels() (in module fl4health.utils.nnunet_utils) get_default_binary_pipeline() (TabularFeaturesPreprocessor method) get_default_fill_value() (TabularType static method) get_default_numeric_pipeline() (TabularFeaturesPreprocessor method) get_default_one_hot_pipeline() (TabularFeaturesPreprocessor method) get_default_ordinal_pipeline() (TabularFeaturesPreprocessor method) get_default_string_pipeline() (TabularFeaturesPreprocessor method) get_delta() (ClientLevelAccountant method) (FlClientLevelAccountantFixedSamplingNoReplacement method) (FlClientLevelAccountantPoissonSampling method) (FlInstanceLevelAccountant method) (MomentsAccountant method) get_dp_event() (FixedSamplingWithoutReplacement method) (PoissonSampling method) (SamplingStrategy method) get_epsilon() (ClientLevelAccountant method) (FlClientLevelAccountantFixedSamplingNoReplacement method) (FlClientLevelAccountantPoissonSampling method) (FlInstanceLevelAccountant method) (MomentsAccountant method) get_extracted_features() (FeatureExtractorBuffer method) get_feature_columns() (TabularFeaturesInfoEncoder method) get_feature_name() (TabularFeature method) get_feature_type() (TabularFeature method) get_fill_value() (TabularFeature method) get_global_model() (DittoClient method) (FendaDittoClient method) get_hierarchical_attr() (FeatureExtractorBuffer method) get_input_output_tensors() (SyntheticIidFedProxDataset method) (SyntheticNonIidFedProxDataset method) get_layers_to_transfer() (LayerExchangerWithExclusions method) get_local_model() (EvaluateClient method) get_lr() (PolyLRSchedulerWrapper method) get_lr_scheduler() (BasicClient method) (NnunetClient method) get_matching_component() (WarmedUpModule method) get_metadata() (TabularFeature method) get_metadata_dimension() (TabularFeature method) get_mnist_data_and_target_tensors() (in module fl4health.utils.load_data) get_model() (BasicClient method) (FedPCAClient method) (FendaDittoClient method) (ModelMergeClient method) (NnunetClient method) get_msd_dataset_enum() (in module fl4health.utils.msd_dataset_sources) get_optimizer() (ApflClient method) (BasicClient method) (DittoClient method) (EnsembleClient method) (FedRepClient method) (NnunetClient method) get_parameter_exchanger() (AdaptiveDriftConstraintClient method) (ApflClient method) (BasicClient method) (ConstrainedFendaClient method) (EvaluateClient method) (FedPerClient method) (FedPmClient method) (FedRepClient method) (FendaClient method) (ModelMergeClient method) (NumpyClippingClient method) (PartialWeightExchangeClient method) (PerFclClient method) (ScaffoldClient method) get_parameters() (AdaptiveDriftConstraintClient method) (BasicClient method) (DittoClient method) (EvaluateClient method) (FedPCAClient method) (FendaDittoClient method) (ModelMergeClient method) (NumpyClippingClient method) (PartialWeightExchangeClient method) (ScaffoldClient method) get_properties() (BasicClient method) (NnunetClient method) (TabularDataClient method) get_segs_from_probs() (in module fl4health.utils.nnunet_utils) get_tabular_features() (TabularFeaturesInfoEncoder method) get_tabular_targets() (TabularFeaturesInfoEncoder method) get_target_columns() (TabularFeaturesInfoEncoder method) get_target_dimension() (TabularFeaturesInfoEncoder method) get_test_data_loader() (BasicClient method) (ModelMergeClient method) get_train_and_val_cifar10_datasets() (in module fl4health.utils.load_data) get_train_and_val_mnist_datasets() (in module fl4health.utils.load_data) get_unpacking_function() (AutoEncoderDatasetConverter method) global_forward() (ApflModule method) H h1_mean_var_gram() (DeepMmdLoss method) ham_image_path_func() (in module fl4health.datasets.skin_cancer.preprocess_skin) ham_label_map_func() (in module fl4health.datasets.skin_cancer.preprocess_skin) has_contrastive_loss() (ConstrainedFendaLossContainer method) has_cosine_similarity_loss() (ConstrainedFendaLossContainer method) has_perfcl_loss() (ConstrainedFendaLossContainer method) HEAD (FedRepTrainMode attribute) head_forward() (ParallelSplitHeadModule method) I INFO (LogLevel attribute) initialize() (BaseReporter method) (FileReporter method) (ReportsManager method) (WandBReporter method), [1] initialize_all_model_weights() (BasicClient method) (DittoClient method) initialize_control_variates() (Scaffold method) initialize_default_pipelines() (TabularFeaturesPreprocessor method) initialize_global_model() (EvaluateClient method) initialize_parameters() (ModelMergeStrategy method) initialize_server_model() (NnunetServer method) InstanceLevelDpClient (class in fl4health.clients.instance_level_dp_client) InstanceLevelDpServer (class in fl4health.servers.instance_level_dp_server) InvalidConfigError is_masked_module() (in module fl4health.model_bases.masked_layers.masked_layers_utils) is_start_of_local_training() (ApflClient method) J JsonReporter (class in fl4health.reporting) (class in fl4health.reporting.json_reporter) L label_frequency() (in module fl4health.datasets.rxrx1.load_data) LabelBasedSampler (class in fl4health.utils.sampler) largest_final_magnitude_scores() (in module fl4health.parameter_exchange.parameter_selection_criteria) largest_increase_in_magnitude_scores() (in module fl4health.parameter_exchange.parameter_selection_criteria) largest_magnitude_change_scores() (in module fl4health.parameter_exchange.parameter_selection_criteria) LatestOpacusCheckpointer (class in fl4health.checkpointing.opacus_checkpointer) LatestTorchModuleCheckpointer (class in fl4health.checkpointing.checkpointer) LayerExchangerWithExclusions (class in fl4health.parameter_exchange.layer_exchanger) LayerNamesServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) layers_to_exchange() (ApflModule method) (FendaModel method) (PartialLayerExchangeModel method) (PerFclModel method) (SequentiallySplitExchangeBaseModel method) LayerSelectionFunctionConstructor (class in fl4health.parameter_exchange.parameter_selection_criteria) load() (AbstractSnapshotter method) load_attribute() (AbstractSnapshotter method) (LRSchedulerSnapshotter method) (NumberSnapshotter method) (OptimizerSnapshotter method) (SerializableObjectSnapshotter method) (TorchModuleSnapshotter method) load_autoencoder() (AutoEncoderProcessing method) load_best_checkpoint_into_model() (OpacusCheckpointer method) load_checkpoint() (OpacusCheckpointer method) (PerRoundStateCheckpointer method) (TorchModuleCheckpointer method) load_cifar10_data() (in module fl4health.utils.load_data) load_cifar10_test_data() (in module fl4health.utils.load_data) load_config() (in module fl4health.utils.config) load_from_pretrained() (WarmedUpModule method) load_image() (in module fl4health.datasets.rxrx1.preprocess) (in module fl4health.datasets.skin_cancer.load_data) load_mnist_data() (in module fl4health.utils.load_data) load_mnist_test_data() (in module fl4health.utils.load_data) load_model_checkpoint_to_parameters() (EvaluateServer method) load_msd_dataset() (in module fl4health.utils.load_data) load_pca_module() (PcaPreprocessor method) load_pretrained_model() (FedSimClrModel static method) load_rxrx1_data() (in module fl4health.datasets.rxrx1.load_data) load_rxrx1_test_data() (in module fl4health.datasets.rxrx1.load_data) load_skin_cancer_data() (in module fl4health.datasets.skin_cancer.load_data) load_snapshot() (EarlyStopper method) local_forward() (ApflModule method) LoggingMode (class in fl4health.utils.logging) LogLevel (class in fl4health.utils.typing) LOSS (FairnessMetricType attribute) Losses (class in fl4health.utils.losses) LossMeter (class in fl4health.utils.losses) LossMeterType (class in fl4health.utils.losses) LRSchedulerSnapshotter (class in fl4health.utils.snapshotter) M main() (in module fl4health.datasets.rxrx1.preprocess) map_inputs_to_outputs() (SyntheticFedProxDataset method) map_model_to_opacus_model() (in module fl4health.utils.privacy_utilities) mask_data() (NnunetClient method) MaskedBatchNorm1d (class in fl4health.model_bases.masked_layers.masked_normalization_layers) MaskedBatchNorm2d (class in fl4health.model_bases.masked_layers.masked_normalization_layers) MaskedBatchNorm3d (class in fl4health.model_bases.masked_layers.masked_normalization_layers) MaskedConv1d (class in fl4health.model_bases.masked_layers.masked_conv) MaskedConv2d (class in fl4health.model_bases.masked_layers.masked_conv) MaskedConv3d (class in fl4health.model_bases.masked_layers.masked_conv) MaskedConvTranspose1d (class in fl4health.model_bases.masked_layers.masked_conv) MaskedConvTranspose2d (class in fl4health.model_bases.masked_layers.masked_conv) MaskedConvTranspose3d (class in fl4health.model_bases.masked_layers.masked_conv) MaskedLayerNorm (class in fl4health.model_bases.masked_layers.masked_normalization_layers) MaskedLinear (class in fl4health.model_bases.masked_layers.masked_linear) maybe_checkpoint() (BaseServerCheckpointAndStateModule method) (BestLossOpacusCheckpointer method) (BestLossTorchModuleCheckpointer method) (ClientCheckpointAndStateModule method) (FunctionTorchModuleCheckpointer method) (LatestOpacusCheckpointer method) (LatestTorchModuleCheckpointer method) (OpacusCheckpointer method) (TorchModuleCheckpointer method) maybe_extract_fingerprint() (NnunetClient method) maybe_load_state() (BaseServerCheckpointAndStateModule method) (ClientCheckpointAndStateModule method) maybe_preprocess() (NnunetClient method) maybe_progress_bar() (in module fl4health.utils.client) maybe_reshape() (PcaModule method) merge_metrics() (EvaluateClient static method) merge_subspaces_qr() (FedPCA method) merge_subspaces_svd() (FedPCA method) merge_two_subspaces_qr() (FedPCA method) Metric (class in fl4health.utils.metrics) metric_aggregation() (in module fl4health.utils.metric_aggregation) MetricManager (class in fl4health.utils.metrics) MetricPrefix (class in fl4health.utils.metrics) MinorityLabelBasedSampler (class in fl4health.utils.sampler) MkMmdLoss (class in fl4health.losses.mkmmd_loss) MMDu() (DeepMmdLoss method) model (FeatureExtractorBuffer attribute) ModelLatentF (class in fl4health.losses.deep_mmd_loss) ModelMergeClient (class in fl4health.clients.model_merge_client) ModelMergeServer (class in fl4health.servers.model_merge_server) ModelMergeStrategy (class in fl4health.strategies.model_merge_strategy) modify_grad() (ScaffoldClient method) modify_noise_multiplier() (ClientLevelDPFedAvgM method) module fl4health fl4health.checkpointing fl4health.checkpointing.checkpointer fl4health.checkpointing.client_module fl4health.checkpointing.opacus_checkpointer fl4health.checkpointing.server_module fl4health.client_managers fl4health.client_managers.base_sampling_manager fl4health.client_managers.fixed_sampling_client_manager fl4health.client_managers.fixed_without_replacement_manager fl4health.client_managers.poisson_sampling_manager fl4health.clients fl4health.clients.adaptive_drift_constraint_client fl4health.clients.apfl_client fl4health.clients.basic_client fl4health.clients.clipping_client fl4health.clients.constrained_fenda_client fl4health.clients.deep_mmd_clients fl4health.clients.deep_mmd_clients.ditto_deep_mmd_client fl4health.clients.ditto_client fl4health.clients.ensemble_client fl4health.clients.evaluate_client fl4health.clients.fed_pca_client fl4health.clients.fed_prox_client fl4health.clients.fedper_client fl4health.clients.fedpm_client fl4health.clients.fedrep_client fl4health.clients.fenda_client fl4health.clients.fenda_ditto_client fl4health.clients.flash_client fl4health.clients.instance_level_dp_client fl4health.clients.mkmmd_clients fl4health.clients.mkmmd_clients.ditto_mkmmd_client fl4health.clients.mkmmd_clients.mr_mtl_mkmmd_client fl4health.clients.model_merge_client fl4health.clients.moon_client fl4health.clients.mr_mtl_client fl4health.clients.nnunet_client fl4health.clients.partial_weight_exchange_client fl4health.clients.perfcl_client fl4health.clients.scaffold_client fl4health.clients.tabular_data_client fl4health.datasets fl4health.datasets.rxrx1 fl4health.datasets.rxrx1.load_data fl4health.datasets.rxrx1.preprocess fl4health.datasets.skin_cancer fl4health.datasets.skin_cancer.load_data fl4health.datasets.skin_cancer.preprocess_skin fl4health.feature_alignment fl4health.feature_alignment.constants fl4health.feature_alignment.string_columns_transformer fl4health.feature_alignment.tab_features_info_encoder fl4health.feature_alignment.tab_features_preprocessor fl4health.feature_alignment.tabular_feature fl4health.feature_alignment.tabular_type fl4health.losses fl4health.losses.contrastive_loss fl4health.losses.cosine_similarity_loss fl4health.losses.deep_mmd_loss fl4health.losses.fenda_loss_config fl4health.losses.mkmmd_loss fl4health.losses.perfcl_loss fl4health.losses.weight_drift_loss fl4health.model_bases fl4health.model_bases.apfl_base fl4health.model_bases.autoencoders_base fl4health.model_bases.ensemble_base fl4health.model_bases.feature_extractor_buffer fl4health.model_bases.fedrep_base fl4health.model_bases.fedsimclr_base fl4health.model_bases.fenda_base fl4health.model_bases.masked_layers fl4health.model_bases.masked_layers.masked_conv fl4health.model_bases.masked_layers.masked_layers_utils fl4health.model_bases.masked_layers.masked_linear fl4health.model_bases.masked_layers.masked_normalization_layers fl4health.model_bases.moon_base fl4health.model_bases.parallel_split_models fl4health.model_bases.partial_layer_exchange_model fl4health.model_bases.pca fl4health.model_bases.perfcl_base fl4health.model_bases.sequential_split_models fl4health.parameter_exchange fl4health.parameter_exchange.fedpm_exchanger fl4health.parameter_exchange.full_exchanger fl4health.parameter_exchange.layer_exchanger fl4health.parameter_exchange.packing_exchanger fl4health.parameter_exchange.parameter_exchanger_base fl4health.parameter_exchange.parameter_packer fl4health.parameter_exchange.parameter_selection_criteria fl4health.parameter_exchange.partial_parameter_exchanger fl4health.parameter_exchange.sparse_coo_parameter_exchanger fl4health.preprocessing fl4health.preprocessing.autoencoders fl4health.preprocessing.autoencoders.dim_reduction fl4health.preprocessing.autoencoders.loss fl4health.preprocessing.pca_preprocessor fl4health.preprocessing.warmed_up_module fl4health.privacy fl4health.privacy.fl_accountants fl4health.privacy.moments_accountant fl4health.reporting fl4health.reporting.base_reporter fl4health.reporting.json_reporter fl4health.reporting.reports_manager fl4health.reporting.wandb_reporter fl4health.servers fl4health.servers.adaptive_constraint_servers fl4health.servers.adaptive_constraint_servers.ditto_server fl4health.servers.adaptive_constraint_servers.fedprox_server fl4health.servers.adaptive_constraint_servers.mrmtl_server fl4health.servers.base_server fl4health.servers.client_level_dp_fed_avg_server fl4health.servers.evaluate_server fl4health.servers.fedpm_server fl4health.servers.instance_level_dp_server fl4health.servers.model_merge_server fl4health.servers.nnunet_server fl4health.servers.polling fl4health.servers.scaffold_server fl4health.servers.tabular_feature_alignment_server fl4health.strategies fl4health.strategies.aggregate_utils fl4health.strategies.basic_fedavg fl4health.strategies.client_dp_fedavgm fl4health.strategies.fedavg_dynamic_layer fl4health.strategies.fedavg_sparse_coo_tensor fl4health.strategies.fedavg_with_adaptive_constraint fl4health.strategies.feddg_ga fl4health.strategies.feddg_ga_with_adaptive_constraint fl4health.strategies.fedpca fl4health.strategies.fedpm fl4health.strategies.flash fl4health.strategies.model_merge_strategy fl4health.strategies.noisy_aggregate fl4health.strategies.scaffold fl4health.strategies.strategy_with_poll fl4health.utils fl4health.utils.client fl4health.utils.config fl4health.utils.data_generation fl4health.utils.dataset fl4health.utils.dataset_converter fl4health.utils.early_stopper fl4health.utils.functions fl4health.utils.load_data fl4health.utils.logging fl4health.utils.losses fl4health.utils.metric_aggregation fl4health.utils.metrics fl4health.utils.msd_dataset_sources fl4health.utils.nnunet_utils fl4health.utils.parameter_extraction fl4health.utils.partitioners fl4health.utils.privacy_utilities fl4health.utils.random fl4health.utils.sampler fl4health.utils.snapshotter fl4health.utils.typing Module2LossWrapper (class in fl4health.utils.nnunet_utils) MomentsAccountant (class in fl4health.privacy.moments_accountant) MoonClient (class in fl4health.clients.moon_client) MoonContrastiveLoss (class in fl4health.losses.contrastive_loss) MoonContrastiveLossContainer (class in fl4health.losses.fenda_loss_config) MoonModel (class in fl4health.model_bases.moon_base) move_data_to_device() (in module fl4health.utils.client) MrMtlClient (class in fl4health.clients.mr_mtl_client) MrMtlMkMmdClient (class in fl4health.clients.mkmmd_clients.mr_mtl_mkmmd_client) MrMtlServer (class in fl4health.servers.adaptive_constraint_servers.mrmtl_server) MsdDataset (class in fl4health.utils.msd_dataset_sources) N narrow_dict_type() (in module fl4health.utils.config) narrow_dict_type_and_set_attribute() (in module fl4health.utils.config) NnunetClient (class in fl4health.clients.nnunet_client) NnunetConfig (class in fl4health.utils.nnunet_utils) nnUNetDataLoaderWrapper (class in fl4health.utils.nnunet_utils) NnunetServer (class in fl4health.servers.nnunet_server) NnUnetServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) normalize() (MkMmdLoss method) normalize_metrics() (in module fl4health.utils.metric_aggregation) NOTSET (LogLevel attribute) NtXentLoss (class in fl4health.losses.contrastive_loss) NumberSnapshotter (class in fl4health.utils.snapshotter) NUMERIC (TabularType attribute) NumpyClippingClient (class in fl4health.clients.clipping_client) O OpacusBasicFedAvg (class in fl4health.strategies.basic_fedavg) OpacusCheckpointer (class in fl4health.checkpointing.opacus_checkpointer) OpacusScaffold (class in fl4health.strategies.scaffold) OpacusServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) optimize_betas() (MkMmdLoss method) OptimizerSnapshotter (class in fl4health.utils.snapshotter) ORDINAL (TabularType attribute) P pack_parameters() (FullParameterExchangerWithPacking method) (ParameterPacker method) (ParameterPackerAdaptiveConstraint method) (ParameterPackerWithClippingBit method) (ParameterPackerWithControlVariates method) (ParameterPackerWithLayerNames method) (PartialParameterExchanger method) (SparseCooParameterPacker method) PackingServerCheckpointAndAndStateModule (class in fl4health.checkpointing.server_module) pad_image_path_func() (in module fl4health.datasets.skin_cancer.preprocess_skin) pad_label_map_func() (in module fl4health.datasets.skin_cancer.preprocess_skin) pairwise_distance_squared() (DeepMmdLoss method) parallel_output_join() (ParallelSplitHeadModule method) ParallelFeatureJoinMode (class in fl4health.model_bases.parallel_split_models) ParallelSplitHeadModule (class in fl4health.model_bases.parallel_split_models) ParallelSplitModel (class in fl4health.model_bases.parallel_split_models) ParameterExchanger (class in fl4health.parameter_exchange.parameter_exchanger_base) ParameterPacker (class in fl4health.parameter_exchange.parameter_packer) ParameterPackerAdaptiveConstraint (class in fl4health.parameter_exchange.parameter_packer) ParameterPackerWithClippingBit (class in fl4health.parameter_exchange.parameter_packer) ParameterPackerWithControlVariates (class in fl4health.parameter_exchange.parameter_packer) ParameterPackerWithLayerNames (class in fl4health.parameter_exchange.parameter_packer) PartialLayerExchangeModel (class in fl4health.model_bases.partial_layer_exchange_model) PartialParameterExchanger (class in fl4health.parameter_exchange.partial_parameter_exchanger) PartialWeightExchangeClient (class in fl4health.clients.partial_weight_exchange_client) partition_dataset() (DirichletLabelBasedAllocation method) partition_label_indices() (DirichletLabelBasedAllocation method) PcaModule (class in fl4health.model_bases.pca) PcaPreprocessor (class in fl4health.preprocessing.pca_preprocessor) PerFclClient (class in fl4health.clients.perfcl_client) PerFclLoss (class in fl4health.losses.perfcl_loss) PerFclLossContainer (class in fl4health.losses.fenda_loss_config) PerFclModel (class in fl4health.model_bases.perfcl_base) PerRoundStateCheckpointer (class in fl4health.checkpointing.checkpointer) PoissonSampling (class in fl4health.privacy.moments_accountant) PoissonSamplingClientManager (class in fl4health.client_managers.poisson_sampling_manager) poll_client() (in module fl4health.servers.polling) poll_clients() (in module fl4health.servers.polling) poll_clients_for_dimension_info() (TabularFeatureAlignmentServer method) poll_clients_for_feature_info() (TabularFeatureAlignmentServer method) poll_clients_for_sample_counts() (FlServer method) PolyLRSchedulerWrapper (class in fl4health.utils.nnunet_utils) POST_AGGREGATION (CheckpointMode attribute) PRE_AGGREGATION (CheckpointMode attribute) predict() (BasicClient method) (ConstrainedFendaClient method) (DittoClient method) (DittoDeepMmdClient method) (DittoMkMmdClient method) (FendaDittoClient method) (MoonClient method) (MrMtlMkMmdClient method) (NnunetClient method) (PerFclClient method) prepare_data_forward() (PcaModule method) prepare_loss_arg() (in module fl4health.utils.nnunet_utils) preprocess_derm7pt() (in module fl4health.datasets.skin_cancer.preprocess_skin) preprocess_features() (TabularFeaturesPreprocessor method) preprocess_ham10000() (in module fl4health.datasets.skin_cancer.preprocess_skin) preprocess_isic_2019() (in module fl4health.datasets.skin_cancer.preprocess_skin) preprocess_pad_ufes_20() (in module fl4health.datasets.skin_cancer.preprocess_skin) preset_specific_pipeline() (TabularDataClient method) privacy_validate_and_fix_modules() (in module fl4health.utils.privacy_utilities) process_client_data() (in module fl4health.datasets.skin_cancer.preprocess_skin) process_config() (BasicClient method) (FlashClient method) process_data() (in module fl4health.datasets.rxrx1.preprocess) process_fed_rep_config() (FedRepClient method) project_back() (PcaModule method) project_lower_dim() (PcaModule method) pseudo_sort_scoring_function() (in module fl4health.utils.functions) pull_parameters() (DynamicLayerExchanger method) (FedPmExchanger method) (FixedLayerExchanger method) (FullParameterExchanger method) (LayerExchangerWithExclusions method) (ParameterExchanger method) (SparseCooParameterExchanger method) push_parameters() (DynamicLayerExchanger method) (FixedLayerExchanger method) (FullParameterExchanger method) (LayerExchangerWithExclusions method) (ParameterExchanger method) (SparseCooParameterExchanger method) R reduce_dimension() (PcaPreprocessor method) reload_modules() (in module fl4health.utils.nnunet_utils) remove_hooks() (FeatureExtractorBuffer method) report() (BaseReporter method) (FileReporter method) (ReportsManager method) (WandBReporter method), [1] report_centralized_eval() (FlServer method) ReportsManager (class in fl4health.reporting.reports_manager) REPRESENTATION (FedRepTrainMode attribute) reset() (nnUNetDataLoaderWrapper method) reset_beta_priors() (FedPm method) reset_sample() (FixedSamplingClientManager method) restore_random_state() (in module fl4health.utils.random) return_column_transformer() (TabularFeaturesPreprocessor method) ROC_AUC (class in fl4health.utils.metrics) ROUND (StepType attribute) S sample() (BaseFractionSamplingManager method) (FixedSamplingClientManager method) sample_all() (BaseFractionSamplingManager method) sample_fraction() (BaseFractionSamplingManager method) (FixedSamplingByFractionClientManager method) (PoissonSamplingClientManager method) sampling() (ConditionalVae method) (VariationalAe method) SamplingStrategy (class in fl4health.privacy.moments_accountant) save() (AbstractSnapshotter method) save_attribute() (AbstractSnapshotter method) (LRSchedulerSnapshotter method) (NumberSnapshotter method) (OptimizerSnapshotter method) (SerializableObjectSnapshotter method) (TorchModuleSnapshotter method) save_checkpoint() (PerRoundStateCheckpointer method) save_model() (FedPCAClient method) save_random_state() (in module fl4health.utils.random) save_snapshot() (EarlyStopper method) save_state() (BaseServerCheckpointAndStateModule method) (ClientCheckpointAndStateModule method) save_to_json() (in module fl4health.datasets.skin_cancer.preprocess_skin) save_to_pkl() (in module fl4health.datasets.rxrx1.preprocess) Scaffold (class in fl4health.strategies.scaffold) ScaffoldClient (class in fl4health.clients.scaffold_client) ScaffoldServer (class in fl4health.servers.scaffold_server) ScaffoldServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) select_by_indices() (in module fl4health.utils.dataset) select_by_percentage() (LayerSelectionFunctionConstructor method) select_by_threshold() (LayerSelectionFunctionConstructor method) select_layers_by_percentage() (in module fl4health.parameter_exchange.parameter_selection_criteria) select_layers_by_threshold() (in module fl4health.parameter_exchange.parameter_selection_criteria) select_parameters() (DynamicLayerExchanger method) (PartialParameterExchanger method) (SparseCooParameterExchanger method) select_scores_and_sample_masks() (in module fl4health.parameter_exchange.parameter_selection_criteria) select_zeroeth_element() (in module fl4health.utils.functions) sequential_forward() (MoonModel method) (SequentiallySplitModel method) SequentiallySplitExchangeBaseModel (class in fl4health.model_bases.sequential_split_models) SequentiallySplitModel (class in fl4health.model_bases.sequential_split_models) SerializableObjectSnapshotter (class in fl4health.utils.snapshotter) set_all_random_seeds() (in module fl4health.utils.random) set_data_mean() (PcaModule method) set_feature_pipeline() (TabularFeaturesPreprocessor method) set_feature_specific_pipelines() (TabularDataClient method) set_initial_global_tensors() (DittoClient method) (FendaDittoClient method) set_nnunet_env() (in module fl4health.utils.nnunet_utils) set_optimizer() (ApflClient method) (BasicClient method) (DittoClient method) (EnsembleClient method) (FedRepClient method) set_pack_losses_with_val_metrics() (in module fl4health.utils.client) set_parameters() (AdaptiveDriftConstraintClient method) (BasicClient method) (DittoClient method) (EvaluateClient method) (FedPCAClient method) (FendaDittoClient method) (ModelMergeClient method) (MrMtlClient method) (NumpyClippingClient method) (PartialWeightExchangeClient method) (ScaffoldClient method) set_principal_components() (PcaModule method) setup_client() (BasicClient method) (DittoClient method) (DittoDeepMmdClient method) (DittoMkMmdClient method) (EnsembleClient method) (EvaluateClient method) (FedPCAClient method) (FedPmClient method) (FendaDittoClient method) (FlashClient method) (InstanceLevelDpClient method) (ModelMergeClient method) (MrMtlClient method) (MrMtlMkMmdClient method) (NnunetClient method) (NumpyClippingClient method) (PartialWeightExchangeClient method) (ScaffoldClient method) (TabularDataClient method) setup_context() (BernoulliSample static method) setup_opacus_objects() (InstanceLevelDpClient method) setup_privacy_accountant() (ClientLevelDPFedAvgServer method) (InstanceLevelDpServer method) should_layer_be_excluded() (LayerExchangerWithExclusions method) should_module_be_excluded() (LayerExchangerWithExclusions method) should_stop() (EarlyStopper method) shutdown() (BaseReporter method) (BasicClient method) (FileReporter method) (FlServer method) (NnunetClient method) (nnUNetDataLoaderWrapper method) (ReportsManager method) (WandBReporter method), [1] shutdown_dataloader() (NnunetClient method) sigmoid_inverse() (in module fl4health.utils.functions) signal_for_type() (FairnessMetricType class method) SignalForTypeException SimpleMetric (class in fl4health.utils.metrics) smallest_final_magnitude_scores() (in module fl4health.parameter_exchange.parameter_selection_criteria) smallest_increase_in_magnitude_scores() (in module fl4health.parameter_exchange.parameter_selection_criteria) smallest_magnitude_change_scores() (in module fl4health.parameter_exchange.parameter_selection_criteria) SparseCooParameterExchanger (class in fl4health.parameter_exchange.sparse_coo_parameter_exchanger) SparseCooParameterPacker (class in fl4health.parameter_exchange.parameter_packer) SparseCooServerCheckpointAndStateModule (class in fl4health.checkpointing.server_module) split_data_and_targets() (in module fl4health.utils.load_data) split_model_weights_and_clipping_bits() (ClientLevelDPFedAvgM method) SslTensorDataset (class in fl4health.utils.dataset) standard_normal_kl_divergence_loss() (VaeLoss method) start_run() (WandBReporter method), [1] STEP (StepType attribute) StepType (class in fl4health.reporting.wandb_reporter) StrategyWithPolling (class in fl4health.strategies.strategy_with_poll) StreamToLogger (class in fl4health.utils.nnunet_utils) STRING (TabularType attribute) subsample() (DirichletLabelBasedSampler method) (LabelBasedSampler method) (MinorityLabelBasedSampler method) SUM (ParallelFeatureJoinMode attribute) SyntheticDataset (class in fl4health.utils.dataset) SyntheticFedProxDataset (class in fl4health.utils.data_generation) SyntheticIidFedProxDataset (class in fl4health.utils.data_generation) SyntheticNonIidFedProxDataset (class in fl4health.utils.data_generation) T TabularDataClient (class in fl4health.clients.tabular_data_client) TabularFeature (class in fl4health.feature_alignment.tabular_feature) TabularFeatureAlignmentServer (class in fl4health.servers.tabular_feature_alignment_server) TabularFeaturesInfoEncoder (class in fl4health.feature_alignment.tab_features_info_encoder) TabularFeaturesPreprocessor (class in fl4health.feature_alignment.tab_features_preprocessor) TabularType (class in fl4health.feature_alignment.tabular_type) TASK01_BRAINTUMOUR (MsdDataset attribute) TASK02_HEART (MsdDataset attribute) TASK03_LIVER (MsdDataset attribute) TASK04_HIPPOCAMPUS (MsdDataset attribute) TASK05_PROSTATE (MsdDataset attribute) TASK06_LUNG (MsdDataset attribute) TASK07_PANCREAS (MsdDataset attribute) TASK08_HEPATICVESSEL (MsdDataset attribute) TASK09_SPLEEN (MsdDataset attribute) TASK10_COLON (MsdDataset attribute) TensorDataset (class in fl4health.utils.dataset) TEST (LoggingMode attribute) TEST_PREFIX (MetricPrefix attribute) TextColumnTransformer (class in fl4health.feature_alignment.string_columns_transformer) TextMulticolumnTransformer (class in fl4health.feature_alignment.string_columns_transformer) to_json() (TabularFeature method) (TabularFeaturesInfoEncoder method) ToNumpy (class in fl4health.utils.load_data) TorchMetric (class in fl4health.utils.metrics) TorchModuleCheckpointer (class in fl4health.checkpointing.checkpointer) TorchModuleSnapshotter (class in fl4health.utils.snapshotter) TRAIN (LoggingMode attribute) train_by_epochs() (BasicClient method) (FlashClient method) train_by_steps() (BasicClient method) train_fedrep_by_epochs() (FedRepClient method) train_fedrep_by_steps() (FedRepClient method) train_kernel() (DeepMmdLoss method) train_step() (ApflClient method) (BasicClient method) (DittoClient method) (EnsembleClient method) (FedRepClient method) (NnunetClient method) TrainingLosses (class in fl4health.utils.losses) transform() (TextColumnTransformer method) (TextMulticolumnTransformer method) transform_gradients() (BasicClient method) (NnunetClient method) (ScaffoldClient method) transform_target() (BasicClient method) TransformsMetric (class in fl4health.utils.metrics) type_to_features() (TabularFeaturesInfoEncoder method) U unfreeze_base_module() (FedRepModel method) unfreeze_head_module() (FedRepModel method) uniform_evaluate_metrics_aggregation_fn() (in module fl4health.utils.metric_aggregation) uniform_metric_aggregation() (in module fl4health.utils.metric_aggregation) uniform_normalize_metrics() (in module fl4health.utils.metric_aggregation) unpack_input_condition() (AutoEncoderDatasetConverter static method) unpack_model_output() (VaeLoss method) unpack_parameters() (FullParameterExchangerWithPacking method) (ParameterPacker method) (ParameterPackerAdaptiveConstraint method) (ParameterPackerWithClippingBit method) (ParameterPackerWithControlVariates method) (ParameterPackerWithLayerNames method) (PartialParameterExchanger method) (SparseCooParameterPacker method) unset_all_random_seeds() (in module fl4health.utils.random) unweighted_aggregate() (FedAvgDynamicLayer method) (FedAvgSparseCooTensor method) update() (LossMeter method) (Metric method) (MetricManager method) (SimpleMetric method) (TorchMetric method) (TransformsMetric method) update_after_step() (ApflClient method) (BasicClient method) (DittoDeepMmdClient method) (DittoMkMmdClient method) (MrMtlMkMmdClient method) update_after_train() (AdaptiveDriftConstraintClient method) (BasicClient method) (ConstrainedFendaClient method) (MoonClient method) (PerFclClient method) (ScaffoldClient method) update_alpha() (ApflModule method) update_before_epoch() (BasicClient method) update_before_fit() (FlServer method) (NnunetServer method) update_before_step() (BasicClient method) update_before_train() (BasicClient method) (ConstrainedFendaClient method) (DittoClient method) (DittoDeepMmdClient method) (DittoMkMmdClient method) (FedProxClient method) (FendaDittoClient method) (MoonClient method) (MrMtlClient method) (MrMtlMkMmdClient method) (NnunetClient method) (PerFclClient method) update_buffers() (DittoDeepMmdClient method) (DittoMkMmdClient method) (MrMtlMkMmdClient method) update_clipping_bound() (ClientLevelDPFedAvgM method) update_control_variates() (ScaffoldClient method) update_current_weights() (ClientLevelDPFedAvgM method) update_lr_schedulers() (BasicClient method) update_metric_manager() (BasicClient method) (NnunetClient method) update_target_transform() (BaseDataset method) update_transform() (BaseDataset method) update_weights_by_ga() (FedDgGa method) use_default_signal_handlers() (in module fl4health.utils.nnunet_utils) V VaeLoss (class in fl4health.preprocessing.autoencoders.loss) VaeProcessor (class in fl4health.preprocessing.autoencoders.dim_reduction) VAL_PREFIX (MetricPrefix attribute) val_step() (BasicClient method) validate() (BasicClient method) (DittoClient method) (DittoDeepMmdClient method) (EvaluateClient method) (ModelMergeClient method) (MrMtlClient method) validate_on_model() (EvaluateClient method) VALIDATION (LoggingMode attribute) VariationalAe (class in fl4health.model_bases.autoencoders_base) VOTE (EnsembleAggregationMode attribute) W wait_and_filter() (BaseFractionSamplingManager method) WandBReporter (class in fl4health.reporting) (class in fl4health.reporting.wandb_reporter) WarmedUpModule (class in fl4health.preprocessing.warmed_up_module) WARNING (LogLevel attribute) weight (MaskedConv1d attribute) (MaskedConv2d attribute) (MaskedConv3d attribute) (MaskedConvTranspose1d attribute) (MaskedConvTranspose2d attribute) (MaskedConvTranspose3d attribute) (MaskedLayerNorm attribute) (MaskedLinear attribute) weight_and_aggregate_results() (FedDgGa method) weight_score (MaskedConv1d attribute) (MaskedConv2d attribute) (MaskedConv3d attribute) (MaskedConvTranspose1d attribute) (MaskedConvTranspose2d attribute) (MaskedConvTranspose3d attribute) (MaskedLayerNorm attribute) (MaskedLinear attribute) WeightDriftLoss (class in fl4health.losses.weight_drift_loss) weighted_aggregate() (FedAvgDynamicLayer method) (FedAvgSparseCooTensor method) write() (StreamToLogger method)