Index _ | A | B | C | D | E | F | G | H | I | L | M | N | O | P | R | S | T | U | V | W | X _ __call__() (otx.core.optimizer.OptimizerCallableSupportHPO method) (otx.core.schedulers.LinearWarmupSchedulerCallable method) (otx.core.schedulers.SchedulerCallableSupportHPO method) A absolute_path() (in module otx.cli.utils) activated (otx.core.schedulers.LinearWarmupScheduler property) add_argument() (otx.cli.utils.help_formatter.CustomHelpFormatter method), [1] add_hardware_suffix_to_torch() (in module otx.cli.utils.installation) add_install_parser() (in module otx.cli.install) add_list_type_arguments() (in module otx.cli.utils.jsonargparse) add_subcommands() (otx.cli.cli.OTXCLI method) add_usage() (otx.cli.utils.help_formatter.CustomHelpFormatter method), [1] any_representer() (in module otx.core.config) append_main_proc_signal_handler() (in module otx.utils) append_signal_handler() (in module otx.utils) apply_config() (in module otx.cli.utils.jsonargparse) apply_override() (in module otx.cli.utils.jsonargparse) args (otx.core.utils.cache.TrainerArgumentsCache property) as_dict() (otx.core.types.LabelInfo method) as_head_config_dict() (otx.core.types.HLabelInfo method) as_int_tuple() (in module otx.core.config) as_torch_dtype() (in module otx.core.config) auto_config() (otx.hpo.HyperBand method) auto_device_count() (otx.algo.accelerators.XPUAccelerator static method) B batch_size (otx.core.config.data.SubsetConfig attribute) benchmark() (otx.engine.Engine method) best_confidence_threshold (otx.core.model.detection.OTXDetectionModel property) C clip_gradients() (otx.algo.plugins.MixedPrecisionXPUPlugin method) clone() (otx.core.config.data.TileConfig method) ConfigConverter (class in otx.tools.converter) configure_callbacks() (otx.core.model.anomaly.OTXAnomaly method) configure_metric() (otx.core.model.base.OTXModel method) (otx.core.model.keypoint_detection.OTXKeypointDetectionModel method) configure_optimizers() (otx.core.model.base.OTXModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) convert() (otx.tools.converter.ConfigConverter static method) convert_conf_to_mmconfig_dict() (in module otx.core.utils.config) create() (otx.core.data.OTXDatasetFactory class method) crop_and_resize_masks() (in module otx.core.utils.mask_util) crop_and_resize_polygons() (in module otx.core.utils.mask_util) CustomHelpFormatter (class in otx.cli.utils.help_formatter) D datamodule (otx.engine.Engine property) DetectionTileMerge (class in otx.core.utils.tile_merge) device (otx.engine.Engine property) DeviceConfig (class in otx.core.config.device) dtype_representer() (in module otx.core.config) E encode_rle() (in module otx.core.utils.mask_util) Engine (class in otx.engine) engine_subcommand_parser() (otx.cli.cli.OTXCLI static method) engine_subcommands() (otx.cli.cli.OTXCLI static method) ensure_callable() (in module otx.core.utils.miscellaneous) explain() (otx.engine.Engine method) explain_mode (otx.core.model.base.OTXModel attribute) (otx.core.model.base.OTXModel property) ExplainableOTXDetModel (class in otx.core.model.detection) ExplainableOTXInstanceSegModel (class in otx.core.model.instance_segmentation) ExplainConfig (class in otx.core.config.explain) export() (otx.core.exporter.base.OTXModelExporter method) (otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter method) (otx.core.model.anomaly.OTXAnomaly method) (otx.core.model.base.OTXModel method) (otx.core.model.base.OVModel method) (otx.core.model.segmentation.OTXSegmentationModel method) (otx.engine.Engine method) export_model_forward_context() (otx.core.model.detection.ExplainableOTXDetModel method) (otx.core.model.instance_segmentation.ExplainableOTXInstanceSegModel method) F flatten_dict() (in module otx.cli.utils.jsonargparse) format_help() (otx.cli.utils.help_formatter.CustomHelpFormatter method), [1] forward() (otx.core.model.base.OTXModel method) (otx.core.model.base.OVModel method) (otx.core.model.visual_prompting.OVVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) forward_context() (otx.algo.plugins.MixedPrecisionXPUPlugin method) forward_explain() (otx.core.model.base.OTXModel method) (otx.core.model.base.OVModel method) (otx.core.model.detection.ExplainableOTXDetModel method) (otx.core.model.instance_segmentation.ExplainableOTXInstanceSegModel method) (otx.core.model.segmentation.OTXSegmentationModel method) forward_for_tracing() (otx.core.model.action_classification.OTXActionClsModel method) (otx.core.model.base.OTXModel method) (otx.core.model.classification.OTXHlabelClsModel method) (otx.core.model.classification.OTXMulticlassClsModel method) (otx.core.model.classification.OTXMultilabelClsModel method) (otx.core.model.detection.OTXDetectionModel method) (otx.core.model.instance_segmentation.OTXInstanceSegModel method) (otx.core.model.keypoint_detection.OTXKeypointDetectionModel method) (otx.core.model.segmentation.OTXSegmentationModel method) forward_tiles() (otx.core.model.base.OTXModel method) (otx.core.model.detection.OTXDetectionModel method) (otx.core.model.instance_segmentation.OTXInstanceSegModel method) from_callable() (otx.core.optimizer.OptimizerCallableSupportHPO class method) (otx.core.schedulers.SchedulerCallableSupportHPO class method) from_config() (otx.engine.Engine class method) from_dm_label_groups() (otx.core.types.HLabelInfo class method) (otx.core.types.LabelInfo class method) from_json() (otx.core.types.HLabelInfo class method) (otx.core.types.LabelInfo class method) (otx.core.types.NullLabelInfo class method) from_model_name() (otx.engine.Engine class method) from_num_classes() (otx.core.types.LabelInfo class method) (otx.core.types.SegLabelInfo class method) G generate() (otx.core.data.TransformLibFactory class method) get_adaptive_num_workers() (in module otx.core.utils.utils) get_best_config() (otx.hpo.HyperBand method) get_ckpt_label_info_v1() (otx.core.model.base.OTXModel static method) get_classification_layers() (otx.core.model.action_classification.OTXActionClsModel method) (otx.core.model.detection.OTXDetectionModel method) (otx.core.model.instance_segmentation.OTXInstanceSegModel method) (otx.core.model.keypoint_detection.OTXKeypointDetectionModel method) get_cli_usage_docstring() (in module otx.cli.utils.help_formatter) get_config_value() (otx.cli.cli.OTXCLI method) get_configuration() (in module otx.cli.utils.jsonargparse) get_cuda_suffix() (in module otx.cli.utils.installation) get_cuda_version() (in module otx.cli.utils.installation) get_default_num_async_infer_requests() (in module otx.core.utils.build) get_defaults_with_overrides() (in module otx.cli.utils.jsonargparse) get_device_stats() (otx.algo.accelerators.XPUAccelerator method) get_dummy_input() (otx.core.model.action_classification.OTXActionClsModel method) (otx.core.model.action_classification.OVActionClsModel method) (otx.core.model.anomaly.OTXAnomaly method) (otx.core.model.base.OTXModel method) (otx.core.model.base.OVModel method) (otx.core.model.classification.OTXHlabelClsModel method) (otx.core.model.classification.OTXMulticlassClsModel method) (otx.core.model.classification.OTXMultilabelClsModel method) (otx.core.model.detection.OTXDetectionModel method) (otx.core.model.instance_segmentation.OTXInstanceSegModel method) (otx.core.model.keypoint_detection.OTXKeypointDetectionModel method) (otx.core.model.segmentation.OTXSegmentationModel method) (otx.core.model.visual_prompting.OTXVisualPromptingModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) get_explain_fn() (otx.core.model.base.OTXModel method) (otx.core.model.detection.ExplainableOTXDetModel method) (otx.core.model.instance_segmentation.ExplainableOTXInstanceSegModel method) get_hardware_suffix() (in module otx.cli.utils.installation) get_idx_list_per_classes() (in module otx.core.utils.utils) get_instantiated_classes() (in module otx.cli.utils.jsonargparse) get_mmcv_install_args() (in module otx.cli.utils.installation) get_module_version() (in module otx.cli.utils.installation) get_next_sample() (otx.hpo.HyperBand method) get_num_anchors() (otx.core.model.detection.ExplainableOTXDetModel method) get_onnx_dummy_inputs() (otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter method) get_otx_root_path() (in module otx.core.utils.imports) get_parallel_devices() (otx.algo.accelerators.XPUAccelerator static method) get_progress() (otx.hpo.HyperBand method) get_pylogger() (in module otx.core.utils.pylogger) get_requirements() (in module otx.cli.utils.installation) get_results_from_head() (otx.core.model.instance_segmentation.ExplainableOTXInstanceSegModel method) get_saliency_maps_from_masks() (otx.core.utils.tile_merge.InstanceSegTileMerge method) get_short_docstring() (in module otx.cli.utils.jsonargparse) get_subcommand_parser() (otx.cli.cli.OTXCLI method) get_torch_install_args() (in module otx.cli.utils.installation) get_trainer_constructor_args() (otx.core.utils.cache.TrainerArgumentsCache static method) get_verbosity_subcommand() (in module otx.cli.utils.help_formatter) H HLabelInfo (class in otx.core.types) hparams_initial (otx.core.data.OTXDataModule property) HpoConfig (class in otx.core.config.hpo) HyperBand (class in otx.hpo) I ignore_aliases() (in module otx.core.config) import_object_from_module() (in module otx.core.utils.utils) infer() (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) init_parser() (otx.cli.cli.OTXCLI method) initialize_reference_info() (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) input_size (otx.core.config.data.SubsetConfig attribute) (otx.core.model.anomaly.OTXAnomaly property) input_size_multiplier (otx.core.model.base.OTXModel attribute) InstanceSegTileMerge (class in otx.core.utils.tile_merge) instantiate() (otx.tools.converter.ConfigConverter static method) instantiate_callbacks() (in module otx.core.utils.instantiators) instantiate_classes() (otx.cli.cli.OTXCLI method) instantiate_engine() (otx.cli.cli.OTXCLI method) instantiate_loggers() (in module otx.core.utils.instantiators) instantiate_model() (otx.cli.cli.OTXCLI method) instantiate_sampler() (in module otx.core.utils.instantiators) is_available() (otx.algo.accelerators.XPUAccelerator static method) is_ckpt_for_finetuning() (in module otx.core.utils.utils) is_ckpt_from_otx_v1() (in module otx.core.utils.utils) is_distributed (otx.algo.strategies.SingleXPUStrategy property) is_done() (otx.hpo.HyperBand method) L label_info (otx.core.model.base.OTXModel property) LabelInfo (class in otx.core.types) learn() (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) LinearWarmupScheduler (class in otx.core.schedulers) LinearWarmupSchedulerCallable (class in otx.core.schedulers) list_override() (in module otx.cli.utils.jsonargparse) load_from_otx_v1_ckpt() (otx.core.model.base.OTXModel method) load_reference_info() (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) load_state_dict() (otx.algo.plugins.MixedPrecisionXPUPlugin method) (otx.core.model.base.OTXModel method) load_state_dict_incrementally() (otx.core.model.base.OTXModel method) load_state_dict_pre_hook() (otx.core.model.base.OTXModel method) lr_scheduler_step() (otx.core.model.base.OTXModel method) M main() (in module otx.cli) map_class_names() (otx.core.model.base.OTXModel static method) merge() (otx.core.utils.tile_merge.DetectionTileMerge method) (otx.core.utils.tile_merge.InstanceSegTileMerge method) (otx.core.utils.tile_merge.TileMerge method) metadata (otx.core.exporter.anomaly.OTXAnomalyModelExporter property) (otx.core.exporter.base.OTXModelExporter property) metric (otx.core.model.base.OTXModel property) mim_installation() (in module otx.cli.utils.installation) MixedPrecisionXPUPlugin (class in otx.algo.plugins) model (otx.engine.Engine property) model_adapter_parameters (otx.core.model.action_classification.OVActionClsModel property) (otx.core.model.base.OVModel property) module otx otx.algo otx.algo.accelerators otx.algo.plugins otx.algo.strategies otx.cli otx.cli.cli otx.cli.install otx.cli.utils otx.cli.utils.help_formatter otx.cli.utils.installation otx.cli.utils.jsonargparse otx.cli.utils.workspace otx.core otx.core.config otx.core.config.data otx.core.config.device otx.core.config.explain otx.core.config.hpo otx.core.data otx.core.exporter otx.core.exporter.anomaly otx.core.exporter.base otx.core.exporter.exportable_code otx.core.exporter.exportable_code.demo otx.core.exporter.native otx.core.exporter.visual_prompting otx.core.metrics otx.core.model otx.core.model.action_classification otx.core.model.anomaly otx.core.model.base otx.core.model.classification otx.core.model.detection otx.core.model.instance_segmentation otx.core.model.keypoint_detection otx.core.model.rotated_detection otx.core.model.segmentation otx.core.model.visual_prompting otx.core.optimizer otx.core.schedulers otx.core.types otx.core.utils otx.core.utils.build otx.core.utils.cache otx.core.utils.config otx.core.utils.imports otx.core.utils.instantiators otx.core.utils.mask_util otx.core.utils.miscellaneous otx.core.utils.pylogger otx.core.utils.tile_merge otx.core.utils.utils otx.engine otx.hpo otx.recipe otx.tools otx.tools.converter otx.tools.templates otx.utils N namespace_override() (in module otx.cli.utils.jsonargparse) nms_postprocess() (otx.core.utils.tile_merge.TileMerge method) NullLabelInfo (class in otx.core.types) num_classes (otx.core.model.base.OTXModel property) (otx.core.types.LabelInfo property) num_devices (otx.engine.Engine property) num_workers (otx.core.config.data.SubsetConfig attribute) O on_load_checkpoint() (otx.core.model.anomaly.OTXAnomaly method) (otx.core.model.base.OTXModel method) (otx.core.model.detection.OTXDetectionModel method) (otx.core.model.instance_segmentation.OTXInstanceSegModel method) on_predict_batch_end() (otx.core.model.anomaly.OTXAnomaly method) on_predict_start() (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) on_save_checkpoint() (otx.core.model.anomaly.OTXAnomaly method) (otx.core.model.base.OTXModel method) on_test_epoch_end() (otx.core.model.base.OTXModel method) on_test_epoch_start() (otx.core.model.base.OTXModel method) on_test_start() (otx.core.model.base.OTXModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) on_train_epoch_end() (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) on_train_epoch_start() (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) on_train_start() (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) on_validation_epoch_end() (otx.core.model.base.OTXModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) on_validation_epoch_start() (otx.core.model.base.OTXModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) on_validation_start() (otx.core.model.base.OTXModel method) optimize() (otx.core.model.base.OTXModel method) (otx.core.model.base.OVModel method) (otx.core.model.visual_prompting.OVVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) (otx.engine.Engine method) optimizer_step() (otx.algo.plugins.MixedPrecisionXPUPlugin method) OptimizerCallableSupportHPO (class in otx.core.optimizer) otx module otx.algo module otx.algo.accelerators module otx.algo.plugins module otx.algo.strategies module otx.cli module otx.cli.cli module otx.cli.install module otx.cli.utils module otx.cli.utils.help_formatter module otx.cli.utils.installation module otx.cli.utils.jsonargparse module otx.cli.utils.workspace module otx.core module otx.core.config module otx.core.config.data module otx.core.config.device module otx.core.config.explain module otx.core.config.hpo module otx.core.data module otx.core.exporter module otx.core.exporter.anomaly module otx.core.exporter.base module otx.core.exporter.exportable_code module otx.core.exporter.exportable_code.demo module otx.core.exporter.native module otx.core.exporter.visual_prompting module otx.core.metrics module otx.core.model module otx.core.model.action_classification module otx.core.model.anomaly module otx.core.model.base module otx.core.model.classification module otx.core.model.detection module otx.core.model.instance_segmentation module otx.core.model.keypoint_detection module otx.core.model.rotated_detection module otx.core.model.segmentation module otx.core.model.visual_prompting module otx.core.optimizer module otx.core.schedulers module otx.core.types module otx.core.utils module otx.core.utils.build module otx.core.utils.cache module otx.core.utils.config module otx.core.utils.imports module otx.core.utils.instantiators module otx.core.utils.mask_util module otx.core.utils.miscellaneous module otx.core.utils.pylogger module otx.core.utils.tile_merge module otx.core.utils.utils module otx.engine module otx.hpo module otx.recipe module otx.tools module otx.tools.converter module otx.tools.templates module otx.utils module otx_install() (in module otx.cli.install) otx_str_type_representer() (in module otx.core.config) OTXActionClsModel (class in otx.core.model.action_classification) OTXAnomaly (class in otx.core.model.anomaly) OTXAnomalyModelExporter (class in otx.core.exporter.anomaly) OTXCLI (class in otx.cli.cli) OTXDataModule (class in otx.core.data) OTXDatasetFactory (class in otx.core.data) OTXDetectionModel (class in otx.core.model.detection) OTXHlabelClsModel (class in otx.core.model.classification) OTXInstanceSegModel (class in otx.core.model.instance_segmentation) OTXKeypointDetectionModel (class in otx.core.model.keypoint_detection) OTXModel (class in otx.core.model.base) OTXModelExporter (class in otx.core.exporter.base) OTXMulticlassClsModel (class in otx.core.model.classification) OTXMultilabelClsModel (class in otx.core.model.classification) OTXNativeModelExporter (class in otx.core.exporter.native) OTXSegmentationModel (class in otx.core.model.segmentation) OTXTaskType (class in otx.core.types) OTXVisualPromptingModel (class in otx.core.model.visual_prompting) OTXVisualPromptingModelExporter (class in otx.core.exporter.visual_prompting) OTXZeroShotVisualPromptingModel (class in otx.core.model.visual_prompting) OVActionClsModel (class in otx.core.model.action_classification) OVDetectionModel (class in otx.core.model.detection) OVHlabelClassificationModel (class in otx.core.model.classification) OVInstanceSegmentationModel (class in otx.core.model.instance_segmentation) OVModel (class in otx.core.model.base) OVMulticlassClassificationModel (class in otx.core.model.classification) OVMultilabelClassificationModel (class in otx.core.model.classification) OVRotatedDetectionModel (class in otx.core.model.rotated_detection) OVSegmentationModel (class in otx.core.model.segmentation) OVVisualPromptingModel (class in otx.core.model.visual_prompting) OVZeroShotVisualPromptingModel (class in otx.core.model.visual_prompting) P parse_devices() (otx.algo.accelerators.XPUAccelerator static method) parse_requirements() (in module otx.cli.utils.installation) partial_instantiate_class() (in module otx.core.utils.instantiators) patch_mmaction2() (in module otx.cli.utils.installation) patch_optimizer_and_scheduler_for_hpo() (otx.core.model.base.OTXModel method) patch_update_configs() (in module otx.cli.utils.jsonargparse) polygon_to_bitmap() (in module otx.core.utils.mask_util) polygon_to_rle() (in module otx.core.utils.mask_util) pre_backward() (otx.algo.plugins.MixedPrecisionXPUPlugin method) predict() (otx.engine.Engine method) predict_dataloader() (otx.core.data.OTXDataModule method) predict_step() (otx.core.model.base.OTXModel method) (otx.core.model.detection.OTXDetectionModel method) (otx.core.model.rotated_detection.RotatedMaskRCNNModel method) prepare_subcommand_kwargs() (otx.cli.cli.OTXCLI method) print_result() (otx.hpo.HyperBand method) R register_configs() (in module otx.core.config) register_load_state_dict_pre_hook() (otx.core.model.base.OTXModel method) remove_state_dict_prefix() (in module otx.core.utils.utils) render_guide() (in module otx.cli.utils.help_formatter) report_score() (otx.hpo.HyperBand method) requires_update() (otx.core.utils.cache.TrainerArgumentsCache method) RotatedMaskRCNNEfficientNet (class in otx.core.model.rotated_detection) RotatedMaskRCNNModel (class in otx.core.model.rotated_detection) RotatedMaskRCNNResNet50 (class in otx.core.model.rotated_detection) run() (otx.cli.cli.OTXCLI method) run_hpo_loop() (in module otx.hpo) S SamplerConfig (class in otx.core.config.data) save_config() (otx.cli.cli.OTXCLI method) save_reference_info() (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) save_results() (otx.hpo.HyperBand method) SchedulerCallableSupportHPO (class in otx.core.schedulers) SegLabelInfo (class in otx.core.types) set_seed() (otx.cli.cli.OTXCLI method) setup() (otx.core.data.OTXDataModule method) (otx.core.model.base.OTXModel method) setup_device() (otx.algo.accelerators.XPUAccelerator method) setup_optimizers() (otx.algo.strategies.SingleXPUStrategy method) SingleXPUStrategy (class in otx.algo.strategies) state_dict() (otx.algo.plugins.MixedPrecisionXPUPlugin method) step() (otx.core.schedulers.LinearWarmupScheduler method) subcommand (otx.cli.utils.help_formatter.CustomHelpFormatter attribute) subset_name (otx.core.config.data.SubsetConfig attribute) SubsetConfig (class in otx.core.config.data) T task (otx.core.model.anomaly.OTXAnomaly property) teardown() (otx.algo.accelerators.XPUAccelerator method) (otx.core.data.OTXDataModule method) test() (otx.engine.Engine method) test_dataloader() (otx.core.data.OTXDataModule method) test_step() (otx.core.model.base.OTXModel method) (otx.core.model.detection.OTXDetectionModel method) (otx.core.model.visual_prompting.OTXVisualPromptingModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) tile_config (otx.core.model.base.OTXModel property) TileConfig (class in otx.core.config.data) TileMerge (class in otx.core.utils.tile_merge) to_exportable_code() (otx.core.exporter.base.OTXModelExporter method) to_json() (otx.core.types.LabelInfo method) to_list() (in module otx.core.utils.config) to_onnx() (otx.core.exporter.base.OTXModelExporter method) (otx.core.exporter.native.OTXNativeModelExporter method) (otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter method) to_openvino() (otx.core.exporter.base.OTXModelExporter method) (otx.core.exporter.native.OTXNativeModelExporter method) (otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter method) to_tuple() (in module otx.core.utils.config) train() (otx.engine.Engine method) train_dataloader() (otx.core.data.OTXDataModule method) trainable_model (otx.core.model.anomaly.OTXAnomaly property) trainer (otx.engine.Engine property) trainer_params (otx.engine.Engine property) TrainerArgumentsCache (class in otx.core.utils.cache) training_step() (otx.core.model.base.OTXModel method) (otx.core.model.classification.OTXMulticlassClsModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) transform_fn() (otx.core.model.action_classification.OVActionClsModel method) (otx.core.model.base.OVModel method) transform_lib_type (otx.core.config.data.SubsetConfig attribute) TransformLibFactory (class in otx.core.data) transforms (otx.core.config.data.SubsetConfig attribute) TrialStatus (class in otx.hpo) U unlabeled_dataloader() (otx.core.data.OTXDataModule method) UnlabeledDataConfig (class in otx.core.config.data) update() (in module otx.cli.utils.jsonargparse) (otx.core.utils.cache.TrainerArgumentsCache method) update_cuda_version_with_available_torch_cuda_build() (in module otx.cli.utils.installation) update_latest() (otx.cli.cli.OTXCLI method) V val_dataloader() (otx.core.data.OTXDataModule method) validation_step() (otx.core.model.base.OTXModel method) (otx.core.model.visual_prompting.OTXVisualPromptingModel method) (otx.core.model.visual_prompting.OTXZeroShotVisualPromptingModel method) (otx.core.model.visual_prompting.OVVisualPromptingModel method) (otx.core.model.visual_prompting.OVZeroShotVisualPromptingModel method) verbosity_level (otx.cli.utils.help_formatter.CustomHelpFormatter attribute) VisualPromptingConfig (class in otx.core.config.data) W work_dir (otx.engine.Engine property) Workspace (class in otx.cli.utils.workspace) X XPUAccelerator (class in otx.algo.accelerators)