Index _ | A | B | C | D | E | F | G | H | I | J | L | M | N | O | P | R | S | T | U | V | W _ __call__() (composer.optim.ComposerScheduler method) A ACTIVE (composer.profiler.ProfilerAction attribute) ACTIVE_AND_SAVE (composer.profiler.ProfilerAction attribute) adamw() (composer.optim.DecoupledAdamW static method) ADE20k (class in composer.datasets) AFTER_BACKWARD (composer.Event attribute) after_backward() (composer.Callback method) AFTER_DATALOADER (composer.Event attribute) after_dataloader() (composer.Callback method) AFTER_FORWARD (composer.Event attribute) after_forward() (composer.Callback method) AFTER_LOAD (composer.Event attribute) after_load() (composer.Callback method) AFTER_LOSS (composer.Event attribute) after_loss() (composer.Callback method) AFTER_TRAIN_BATCH (composer.Event attribute) after_train_batch() (composer.Callback method) Algorithm (class in composer) algorithms (composer.State property) Alibi (class in composer.algorithms) all_gather() (in module composer.utils.dist) all_gather_object() (in module composer.utils.dist) all_reduce() (in module composer.utils.dist) AMP_BF16 (composer.core.Precision attribute) AMP_FP16 (composer.core.Precision attribute) apply() (composer.Algorithm method) apply_alibi() (in module composer.functional) apply_blurpool() (in module composer.functional) apply_channels_last() (in module composer.functional) apply_factorization() (in module composer.functional) apply_fused_layernorm() (in module composer.functional) apply_gated_linear_units() (in module composer.functional) apply_ghost_batchnorm() (in module composer.functional) apply_gradient_clipping() (in module composer.functional) apply_gyro_dropout() (in module composer.functional) apply_low_precision_layernorm() (in module composer.functional) apply_squeeze_excite() (in module composer.functional) apply_stochastic_depth() (in module composer.functional) apply_weight_standardization() (in module composer.functional) AugmentAndMixTransform (class in composer.algorithms) AugMix (class in composer.algorithms) augmix_image() (in module composer.functional) B backwards_create_graph (composer.Algorithm property) barrier() (in module composer.utils.dist) batch (composer.State attribute) (composer.Timestamp property) BATCH (composer.TimeUnit attribute) Batch (in module composer.core.types) BATCH_CHECKPOINT (composer.Event attribute) batch_checkpoint() (composer.Callback method) BATCH_END (composer.Event attribute) batch_end() (composer.Callback method) batch_get() (in module composer.utils) batch_get_item() (composer.State method) batch_in_epoch (composer.Timestamp property) batch_set() (in module composer.utils) batch_set_item() (composer.State method) BATCH_START (composer.Event attribute) batch_start() (composer.Callback method) batch_to_device() (composer.devices.Device method) batch_wct (composer.Timestamp property) BEFORE_BACKWARD (composer.Event attribute) before_backward() (composer.Callback method) BEFORE_DATALOADER (composer.Event attribute) before_dataloader() (composer.Callback method) BEFORE_FORWARD (composer.Event attribute) before_forward() (composer.Callback method) BEFORE_LOSS (composer.Event attribute) before_loss() (composer.Callback method) BEFORE_TRAIN_BATCH (composer.Event attribute) before_train_batch() (composer.Callback method) binary_cross_entropy_with_logits() (in module composer.loss) BinaryF1Score (class in composer.metrics) bind_to_state() (composer.profiler.Profiler method) BlurPool (class in composer.algorithms) BreakEpochException, [1] broadcast() (in module composer.utils.dist) broadcast_object_list() (in module composer.utils.dist) build_ade20k_dataloader() (in module composer.datasets) build_cifar10_dataloader() (in module composer.datasets) build_ffcv_cifar10_dataloader() (in module composer.datasets) build_ffcv_imagenet_dataloader() (in module composer.datasets) build_imagenet_dataloader() (in module composer.datasets) build_lm_dataloader() (in module composer.datasets) build_mnist_dataloader() (in module composer.datasets) build_streaming_ade20k_dataloader() (in module composer.datasets) build_streaming_c4_dataloader() (in module composer.datasets) build_streaming_cifar10_dataloader() (in module composer.datasets) build_streaming_imagenet1k_dataloader() (in module composer.datasets) build_synthetic_ade20k_dataloader() (in module composer.datasets) build_synthetic_cifar10_dataloader() (in module composer.datasets) build_synthetic_imagenet_dataloader() (in module composer.datasets) build_synthetic_mnist_dataloader() (in module composer.datasets) C Callback (class in composer) callbacks (composer.State property) can_upload_files() (composer.loggers.LoggerDestination method) (composer.loggers.RemoteUploaderDownloader method) (composer.loggers.WandBLogger method) canonical_name (composer.Event property) CHANNELS_LAST (composer.core.MemoryFormat attribute) (composer.core.types.MemoryFormat attribute) CHANNELS_LAST_3D (composer.core.MemoryFormat attribute) (composer.core.types.MemoryFormat attribute) ChannelsLast (class in composer.algorithms) CheckpointSaver (class in composer.callbacks) CLASSIFICATION_INT (composer.datasets.SyntheticDataLabelType attribute) CLASSIFICATION_ONE_HOT (composer.datasets.SyntheticDataLabelType attribute) close() (composer.Callback method) (composer.Engine method) (composer.Trainer method) (composer.utils.ObjectStore method) ColOut (class in composer.algorithms) colout_batch() (in module composer.functional) ColOutTransform (class in composer.algorithms) CometMLLogger (class in composer.loggers) compile_composer_scheduler() (in module composer.optim) composer module composer.algorithms module composer.callbacks module composer.core module composer.core.types module composer.datasets module composer.devices module composer.functional module composer.loggers module composer.loss module composer.metrics module composer.models module composer.optim module composer.profiler module composer.utils module composer.utils.dist module composer.utils.reproducibility module composer_deeplabv3() (in module composer.models) composer_efficientnetb0() (in module composer.models) composer_resnet() (in module composer.models) composer_resnet_cifar() (in module composer.models) composer_timm() (in module composer.models) ComposerClassifier (class in composer.models) ComposerModel (class in composer) ComposerScheduler (class in composer.optim) compute() (composer.metrics.BinaryF1Score method) (composer.metrics.CrossEntropy method) (composer.metrics.Dice method) (composer.metrics.HFCrossEntropy method) (composer.metrics.LanguageCrossEntropy method) (composer.metrics.LossMetric method) (composer.metrics.MAP method) (composer.metrics.MIoU method) (composer.metrics.Perplexity method) compute_ema() (in module composer.functional) configure_deterministic_mode() (in module composer.utils.reproducibility) configure_excepthook() (in module composer.utils) ConsoleLogger (class in composer.loggers) ConstantScheduler (class in composer.optim) ConstantWithWarmupScheduler (class in composer.optim) CONTIGUOUS_FORMAT (composer.core.MemoryFormat attribute) (composer.core.types.MemoryFormat attribute) convert_flat_dict_to_nested_dict() (in module composer.utils) convert_nested_dict_to_flat_dict() (in module composer.utils) copy() (composer.Timestamp method) CosineAnnealingScheduler (class in composer.optim) CosineAnnealingWarmRestartsScheduler (class in composer.optim) CosineAnnealingWithWarmupScheduler (class in composer.optim) counter() (composer.profiler.Marker method) create_bert_classification() (in module composer.models) create_bert_mlm() (in module composer.models) create_gpt2() (in module composer.models) create_symlink_file() (in module composer.utils) CrossEntropy (class in composer.metrics) CutMix (class in composer.algorithms) cutmix_batch() (in module composer.functional) CutOut (class in composer.algorithms) cutout_batch() (in module composer.functional) cyclic_schedule() (in module composer.profiler) D data (composer.loggers.InMemoryLogger attribute) dataloader (composer.State property) dataloader_label (composer.State property) dataloader_len (composer.State property) Dataset (in module composer.core.types) DataSpec (class in composer) DecoupledAdamW (class in composer.optim) DecoupledSGDW (class in composer.optim) deepspeed_enabled (composer.State property) deepspeed_model (composer.State property) destinations (composer.Logger attribute) Device (class in composer.devices) device (composer.State attribute) device_train_microbatch_size (composer.State attribute) DeviceCPU (class in composer.devices) DeviceGPU (class in composer.devices) DeviceMPS (class in composer.devices) DeviceTPU (class in composer.devices) Dice (class in composer.metrics) DiceLoss (class in composer.loss) disable_env_report() (in module composer.utils) dist_backend (composer.devices.Device attribute) download_file() (composer.loggers.LoggerDestination method) download_object() (composer.utils.ObjectStore method) DURATION (composer.TimeUnit attribute) E EarlyStopper (class in composer.callbacks) EMA (class in composer.algorithms) enable_env_report() (in module composer.utils) Engine (class in composer) engine (composer.Trainer attribute) ensure_data_spec() (in module composer.core) ensure_evaluator() (in module composer.core) ensure_folder_has_no_conflicting_files() (in module composer.utils) ensure_folder_is_empty() (in module composer.utils) ensure_time() (in module composer.core) ensure_tuple() (in module composer.utils) epoch (composer.Timestamp property) EPOCH (composer.TimeUnit attribute) EPOCH_CHECKPOINT (composer.Event attribute) epoch_checkpoint() (composer.Callback method) EPOCH_END (composer.Event attribute) epoch_end() (composer.Callback method) EPOCH_START (composer.Event attribute) epoch_start() (composer.Callback method) epoch_wct (composer.Timestamp property) EVAL (composer.core.TrainerMode attribute) (composer.core.types.TrainerMode attribute) eval() (composer.Trainer method) EVAL_AFTER_FORWARD (composer.Event attribute) eval_after_forward() (composer.Callback method) EVAL_BATCH_END (composer.Event attribute) eval_batch_end() (composer.Callback method) EVAL_BATCH_START (composer.Event attribute) eval_batch_start() (composer.Callback method) EVAL_BEFORE_FORWARD (composer.Event attribute) eval_before_forward() (composer.Callback method) EVAL_END (composer.Event attribute) eval_end() (composer.Callback method) eval_forward() (composer.ComposerModel method) (composer.models.MMDetModel method) eval_metrics (composer.State attribute) EVAL_START (composer.Event attribute) eval_start() (composer.Callback method) eval_timestamp (composer.State attribute) Evaluator (class in composer) evaluators (composer.State property) (composer.Trainer attribute) Event (class in composer) event (composer.core.Trace attribute) exit_code (composer.core.Trace attribute) ExponentialScheduler (class in composer.optim) export_for_inference() (composer.Trainer method) (in module composer.utils) export_with_logger() (in module composer.utils) ExportForInferenceCallback (class in composer.callbacks) ExportFormat (class in composer.utils) extract_hparams() (in module composer.utils) F Factorize (class in composer.algorithms) FileLogger (class in composer.loggers) filename (composer.loggers.FileLogger property) find_unused_parameters (composer.Algorithm property) (composer.algorithms.LayerFreezing property) finish() (composer.profiler.Marker method) fit() (composer.Trainer method) FIT_END (composer.Event attribute) fit_end() (composer.Callback method) FIT_START (composer.Event attribute) fit_start() (composer.Callback method) format_name_with_dist() (in module composer.utils) format_name_with_dist_and_time() (in module composer.utils) forward() (composer.ComposerModel method) FP32 (composer.core.Precision attribute) freeze_layers() (in module composer.functional) from_batch() (composer.Time class method) from_duration() (composer.Time class method) from_epoch() (composer.Time class method) from_sample() (composer.Time class method) from_timestring() (composer.Time class method) from_token() (composer.Time class method) fsdp_enabled (composer.State property) FusedLayerNorm (class in composer.algorithms) G GatedLinearUnits (class in composer.algorithms) GAUSSIAN (composer.datasets.SyntheticDataType attribute) get() (composer.Timestamp method) get_composer_env_dict() (in module composer.utils) get_device() (in module composer.utils) get_elapsed_duration() (composer.State method) get_file() (in module composer.utils) get_free_tcp_port() (in module composer.utils) get_global_rank() (in module composer.utils.dist) get_initializer() (composer.models.Initializer method) get_local_rank() (in module composer.utils.dist) get_local_world_size() (in module composer.utils.dist) get_metrics() (composer.ComposerModel method) get_node_rank() (in module composer.utils.dist) get_object_size() (composer.utils.ObjectStore method) get_precision_context() (in module composer.core) get_random_seed() (in module composer.utils.reproducibility) get_rng_state() (in module composer.utils.reproducibility) get_sampler() (in module composer.utils.dist) get_state() (composer.Timestamp method) get_timeseries() (composer.loggers.InMemoryLogger method) get_uri() (composer.utils.ObjectStore method) get_uri_for_file() (composer.loggers.RemoteUploaderDownloader method) get_world_size() (in module composer.utils.dist) GhostBatchNorm (class in composer.algorithms) grad_accum (composer.State attribute) GradientClipping (class in composer.algorithms) GyroDropout (class in composer.algorithms) H has_file_upload_destination() (composer.Logger method) hf_from_composer_checkpoint() (composer.models.HuggingFaceModel static method) HFCrossEntropy (class in composer.metrics) HuggingFaceModel (class in composer.models) hyperparameters (composer.loggers.InMemoryLogger attribute) I ImageVisualizer (class in composer.callbacks) import_object() (in module composer.utils) InContextLearningLMAccuracy (class in composer.metrics) InContextLearningMetric (class in composer.metrics) InContextLearningMultipleChoiceAccuracy (class in composer.metrics) inference2d() (composer.models.UNet method) INIT (composer.Event attribute) init() (composer.Callback method) initialize_dist() (in module composer.utils.dist) Initializer (class in composer.models) InMemoryLogger (class in composer.loggers) instant() (composer.profiler.Marker method) is_after_event (composer.Event property) is_available() (in module composer.utils.dist) is_before_event (composer.Event property) is_eval (composer.Event property) is_initialized() (in module composer.utils.dist) is_model_ddp (composer.State property) is_model_deepspeed() (in module composer.utils) is_model_fsdp() (in module composer.utils) is_notebook() (in module composer.utils) is_predict (composer.Event property) is_tar() (in module composer.utils) is_tpu_installed() (in module composer.utils) IteratorFileStream (class in composer.utils) J JSON (in module composer.core.types) JSONTraceHandler (class in composer.profiler) L LabelSmoothing (class in composer.algorithms) LanguageCrossEntropy (class in composer.metrics) LayerFreezing (class in composer.algorithms) LibcloudObjectStore (class in composer.utils) LinearScheduler (class in composer.optim) LinearWithWarmupScheduler (class in composer.optim) load_checkpoint() (in module composer.utils) load_model_state() (composer.State method) load_optim_state() (composer.State method) load_rng_state() (in module composer.utils.reproducibility) load_state_dict() (composer.core.Serializable method) (composer.State method) log_hyperparameters() (composer.loggers.LoggerDestination method) log_images() (composer.Logger method) (composer.loggers.LoggerDestination method) log_metrics() (composer.loggers.LoggerDestination method) log_traces() (composer.loggers.LoggerDestination method) Logger (class in composer) logger (composer.ComposerModel attribute) (composer.Trainer attribute) LoggerDestination (class in composer.loggers) loss (composer.State attribute) loss() (composer.ComposerModel method) LossMetric (class in composer.metrics) LowPrecisionLayerNorm (class in composer.algorithms) LRMonitor (class in composer.callbacks) M MAP (class in composer.metrics) map_collection() (in module composer.utils) Marker (class in composer.profiler) marker() (composer.profiler.Profiler method) MaskedAccuracy (class in composer.metrics) match() (composer.Algorithm method) max_duration (composer.State property) MAX_SEED (in module composer.utils.reproducibility) maybe_create_object_store_from_uri() (in module composer.utils) maybe_create_remote_uploader_downloader_from_uri() (in module composer.utils) MemoryFormat (class in composer.core) (class in composer.core.types) MemoryMonitor (class in composer.callbacks) metrics() (composer.ComposerModel method) MIoU (class in composer.metrics) MissingConditionalImportError MixUp (class in composer.algorithms) mixup_batch() (in module composer.functional) MLFlowLogger (class in composer.loggers) MLPerfCallback (class in composer.callbacks) MMDetModel (class in composer.models) mnist_model() (in module composer.models) model (composer.State attribute) model_eval_mode() (in module composer.utils) module composer composer.algorithms composer.callbacks composer.core composer.core.types composer.datasets composer.devices composer.functional composer.loggers composer.loss composer.metrics composer.models composer.optim composer.profiler composer.utils composer.utils.dist composer.utils.reproducibility module_to_device() (composer.devices.Device method) most_recent_timestamps (composer.loggers.InMemoryLogger attribute) most_recent_values (composer.loggers.InMemoryLogger attribute) MultiStepScheduler (class in composer.optim) MultiStepWithWarmupScheduler (class in composer.optim) N name (composer.core.Trace attribute) NoOpModel (class in composer.algorithms) O ObjectStore (class in composer.utils) ObjectStoreTransientError OCIObjectStore (class in composer.utils) onnx (composer.utils.ExportFormat attribute) optimizer_to_device() (composer.devices.Device method) OptimizerMonitor (class in composer.callbacks) optimizers (composer.State property) order (composer.core.Trace attribute) outputs (composer.State attribute) P parse_uri() (in module composer.utils) PartialFilePath (class in composer.utils) Perplexity (class in composer.metrics) PolynomialScheduler (class in composer.optim) PolynomialWithWarmupScheduler (class in composer.optim) post_close() (composer.Callback method) Precision (class in composer.core) precision (composer.State property) PREDICT (composer.core.TrainerMode attribute) (composer.core.types.TrainerMode attribute) predict() (composer.Trainer method) predict_after_forward() (composer.Callback method) predict_batch_end() (composer.Callback method) predict_batch_start() (composer.Callback method) predict_before_forward() (composer.Callback method) predict_end() (composer.Callback method) predict_start() (composer.Callback method) predict_timestamp (composer.State attribute) PRESERVE_FORMAT (composer.core.MemoryFormat attribute) (composer.core.types.MemoryFormat attribute) print_env() (in module composer.utils) process_chrome_json_trace_file() (composer.profiler.TraceHandler method) process_counter_event() (composer.profiler.TraceHandler method) process_duration_event() (composer.profiler.TraceHandler method) process_instant_event() (composer.profiler.TraceHandler method) Profiler (class in composer.profiler) profiler (composer.State attribute) ProfilerAction (class in composer.profiler) ProgressBarLogger (class in composer.loggers) ProgressiveResizing (class in composer.algorithms) PyTorchScheduler (in module composer.core.types) PytTrain (class in composer.datasets) PytVal (class in composer.datasets) R RandAugment (class in composer.algorithms) randaugment_image() (in module composer.functional) RandAugmentTransform (class in composer.algorithms) rank_zero_seed (composer.State attribute) record_chrome_json_trace_file() (composer.profiler.Profiler method) register_pass() (composer.Engine method) remote_backend (composer.loggers.RemoteUploaderDownloader property) remote_file_name (composer.loggers.FileLogger property) RemoteUploaderDownloader (class in composer.loggers) required_on_load() (composer.Algorithm static method) resize_batch() (in module composer.functional) retry() (in module composer.utils) run (composer.core.Trace attribute) run_event() (composer.Callback method) (composer.Engine method) run_marker_only_event() (composer.Engine method) run_name (composer.State attribute) S S3ObjectStore (class in composer.utils) SAM (class in composer.algorithms) sample (composer.Timestamp property) SAMPLE (composer.TimeUnit attribute) sample_in_epoch (composer.Timestamp property) save_checkpoint() (composer.Trainer method) (in module composer.utils) saved_checkpoints (composer.callbacks.CheckpointSaver attribute) (composer.Trainer property) saved_traces (composer.profiler.JSONTraceHandler attribute) (composer.profiler.TorchProfiler attribute) scaler (composer.State attribute) schedulers (composer.State property) seed (composer.State property) seed_all() (in module composer.utils.reproducibility) select_using_loss() (in module composer.functional) SelectiveBackprop (class in composer.algorithms) SEPARABLE (composer.datasets.SyntheticDataType attribute) SeqLengthWarmup (class in composer.algorithms) Serializable (class in composer.core) serialized_attributes (composer.State attribute) set_batch_sequence_length() (in module composer.functional) set_dataloader() (composer.State method) SFTPObjectStore (class in composer.utils) sgdw() (composer.optim.DecoupledSGDW static method) should_selective_backprop() (in module composer.functional) SKIP (composer.profiler.ProfilerAction attribute) smooth_labels() (in module composer.functional) soft_cross_entropy() (in module composer.loss) SpeedMonitor (class in composer.callbacks) SqueezeExcite (class in composer.algorithms) SqueezeExcite2d (class in composer.algorithms) SqueezeExciteConv2d (class in composer.algorithms) start() (composer.profiler.Marker method) State (class in composer) state (composer.Trainer attribute) state_dict() (composer.core.Serializable method) (composer.State method) step() (composer.optim.DecoupledAdamW method) (composer.optim.DecoupledSGDW method) StepScheduler (class in composer.optim) StochasticDepth (class in composer.algorithms) stop_training() (composer.State method) StringEnum (class in composer.utils) SWA (class in composer.algorithms) SyntheticBatchPairDataset (class in composer.datasets) SyntheticDataLabelType (class in composer.datasets) SyntheticDataType (class in composer.datasets) SyntheticPILDataset (class in composer.datasets) SystemProfiler (class in composer.profiler) T tensor_to_device() (composer.devices.Device method) TensorboardLogger (class in composer.loggers) ThresholdStopper (class in composer.callbacks) Time (class in composer) Timestamp (class in composer) timestamp (composer.State attribute) TimeUnit (class in composer) to_next_batch() (composer.Timestamp method) to_next_epoch() (composer.Timestamp method) to_timestring() (composer.Time method) token (composer.Timestamp property) TOKEN (composer.TimeUnit attribute) token_in_epoch (composer.Timestamp property) TorchProfiler (class in composer.profiler) torchscript (composer.utils.ExportFormat attribute) total_wct (composer.Timestamp property) Trace (class in composer.core) trace_handlers (composer.profiler.Profiler property) TraceHandler (class in composer.profiler) TRAIN (composer.core.TrainerMode attribute) (composer.core.types.TrainerMode attribute) train_dataloader (composer.State property) train_metrics (composer.State attribute) Trainer (class in composer) TrainerMode (class in composer.core) (class in composer.core.types) U UNet (class in composer.models) unit (composer.Time property) update() (composer.metrics.BinaryF1Score method) (composer.metrics.CrossEntropy method) (composer.metrics.Dice method) (composer.metrics.HFCrossEntropy method) (composer.metrics.InContextLearningMetric method) (composer.metrics.LanguageCrossEntropy method) (composer.metrics.LossMetric method) (composer.metrics.MAP method) (composer.metrics.MIoU method) update_metric() (composer.ComposerModel method) upload_file() (composer.Logger method) (composer.loggers.LoggerDestination method) upload_object() (composer.utils.ObjectStore method) V value (composer.Time property) vit_small_patch16() (in module composer.models) W wait_for_workers() (composer.loggers.RemoteUploaderDownloader method) WandBLogger (class in composer.loggers) WARMUP (composer.profiler.ProfilerAction attribute) WeightStandardization (class in composer.algorithms) write() (composer.loggers.FileLogger method)