From 5f7cf1ba16602b0e1f02448c10de475ebc6e356e Mon Sep 17 00:00:00 2001 From: GitHub Action Date: Fri, 29 Mar 2024 08:28:20 +0000 Subject: [PATCH] Update documentation --- test_build/_modules/otx/core/config/hpo.html | 4 +- test_build/_modules/otx/core/utils/cache.html | 5 +- test_build/_modules/otx/engine/engine.html | 71 +++++++----- test_build/_modules/otx/hpo/hpo_base.html | 13 --- test_build/_modules/otx/hpo/hpo_runner.html | 9 +- test_build/_modules/otx/hpo/hyperband.html | 5 +- .../additional_features/hpo.rst.txt | 107 +++++++++++++----- .../action/action_classification.rst.txt | 2 +- .../action/action_detection.rst.txt | 2 +- .../multi_class_classification.rst.txt | 2 +- .../object_detection/object_detection.rst.txt | 2 +- .../semantic_segmentation.rst.txt | 2 +- .../visual_prompting/fine_tuning.rst.txt | 2 +- .../explanation/additional_features/hpo.html | 99 +++++++++++----- .../action/action_classification.html | 21 ++++ .../algorithms/action/action_detection.html | 16 +++ .../multi_class_classification.html | 26 +++++ .../object_detection/object_detection.html | 46 ++++++++ .../segmentation/semantic_segmentation.html | 41 +++++++ .../visual_prompting/fine_tuning.html | 21 ++++ .../_autosummary/otx.core.config.hpo.html | 2 +- .../reference/_autosummary/otx.engine.html | 80 +++++++------ .../guide/reference/_autosummary/otx.hpo.html | 4 +- test_build/searchindex.js | 2 +- 24 files changed, 420 insertions(+), 164 deletions(-) diff --git a/test_build/_modules/otx/core/config/hpo.html b/test_build/_modules/otx/core/config/hpo.html index 249227f6baf..44a95ec8cd7 100644 --- a/test_build/_modules/otx/core/config/hpo.html +++ b/test_build/_modules/otx/core/config/hpo.html @@ -258,11 +258,9 @@

Source code for otx.core.config.hpo

     save_path: str | None = None
     mode: Literal["max", "min"] = "max"
     num_trials: int | None = None
-    num_workers: int = 1
+    num_workers: int = torch.cuda.device_count() if torch.cuda.is_available() else 1
     expected_time_ratio: int | float | None = 4
     maximum_resource: int | float | None = None
-    subset_ratio: float | int | None = None
-    min_subset_size: int = 500
     prior_hyper_parameters: dict | list[dict] | None = None
     acceptable_additional_time_ratio: float | int = 1.0
     minimum_resource: int | float | None = None
diff --git a/test_build/_modules/otx/core/utils/cache.html b/test_build/_modules/otx/core/utils/cache.html
index 381fe0ba8d4..5bbf36eea62 100644
--- a/test_build/_modules/otx/core/utils/cache.html
+++ b/test_build/_modules/otx/core/utils/cache.html
@@ -283,6 +283,7 @@ 

Source code for otx.core.utils.cache

 
     def __init__(self, **kwargs) -> None:
         self._cached_args = {**kwargs}
+        self.is_trainer_args_identical = False
 
 
[docs] @@ -309,7 +310,9 @@

Source code for otx.core.utils.cache

         Returns:
             bool: True if any of the cached arguments need to be updated, False otherwise.
         """
-        return any(key in self._cached_args and self._cached_args[key] != value for key, value in kwargs.items())
+ return not self.is_trainer_args_identical or any( + key in self._cached_args and self._cached_args[key] != value for key, value in kwargs.items() + )
@property diff --git a/test_build/_modules/otx/engine/engine.html b/test_build/_modules/otx/engine/engine.html index 8236a7df375..2b7f98e269b 100644 --- a/test_build/_modules/otx/engine/engine.html +++ b/test_build/_modules/otx/engine/engine.html @@ -304,23 +304,26 @@

Source code for otx.engine.engine

     Example:
         The following examples show how to use the Engine class.
 
-        Auto-Configuration with data_root
-        >>> engine = Engine(
-        ...     data_root=<dataset/path>,
-        ... )
-
-        Create Engine with Custom OTXModel
-        >>> engine = Engine(
-        ...     data_root=<dataset/path>,
-        ...     model=OTXModel(...),
-        ...     checkpoint=<checkpoint/path>,
-        ... )
-
-        Create Engine with Custom OTXDataModule
-        >>> engine = Engine(
-        ...     model = OTXModel(...),
-        ...     datamodule = OTXDataModule(...),
-        ... )
+        Auto-Configuration with data_root::
+
+            engine = Engine(
+                data_root=<dataset/path>,
+            )
+
+        Create Engine with Custom OTXModel::
+
+            engine = Engine(
+                data_root=<dataset/path>,
+                model=OTXModel(...),
+                checkpoint=<checkpoint/path>,
+            )
+
+        Create Engine with Custom OTXDataModule::
+
+            engine = Engine(
+                model = OTXModel(...),
+                datamodule = OTXDataModule(...),
+            )
     """
 
     def __init__(
@@ -404,7 +407,7 @@ 

Source code for otx.engine.engine

         resume: bool = False,
         metric: Metric | MetricCallable | None = None,
         run_hpo: bool = False,
-        hpo_config: HpoConfig | None = None,
+        hpo_config: HpoConfig = HpoConfig(),  # noqa: B008 https://github.com/omni-us/jsonargparse/issues/423
         **kwargs,
     ) -> dict[str, Any]:
         """Trains the model using the provided LightningModule and OTXDataModule.
@@ -461,8 +464,6 @@ 

Source code for otx.engine.engine

         """
         metric = metric if metric is not None else self._auto_configurator.get_metric()
         if run_hpo:
-            if hpo_config is None:
-                hpo_config = HpoConfig()
             best_config, best_trial_weight = execute_hpo(engine=self, **locals())
             if best_config is not None:
                 update_hyper_parameter(self, best_config)
@@ -554,6 +555,10 @@ 

Source code for otx.engine.engine

         is_ir_ckpt = Path(str(checkpoint)).suffix in [".xml", ".onnx"]
         if is_ir_ckpt and not isinstance(model, OVModel):
             model = self._auto_configurator.get_ov_model(model_name=str(checkpoint), label_info=datamodule.label_info)
+            if self.device.accelerator != "cpu":
+                msg = "IR model supports inference only on CPU device. The device is changed automatic."
+                warn(msg, stacklevel=1)
+                self.device = DeviceType.cpu  # type: ignore[assignment]
 
         # NOTE: Re-initiate datamodule for OVModel as model API supports its own data pipeline.
         if isinstance(model, OVModel):
@@ -776,6 +781,7 @@ 

Source code for otx.engine.engine

             ...     datamodule=OTXDataModule(),
             ...     checkpoint=<checkpoint/path>,
             ... )
+
         CLI Usage:
             To optimize a model, run
                 ```python
@@ -1001,17 +1007,17 @@ 

Source code for otx.engine.engine

             ...     data_root=<dataset/path>,
             ... )
 
-            If you want to override configuration from default config
-            >>> overriding = {
-            ...     "data.config.train_subset.batch_size": 2,
-            ...     "data.config.test_subset.subset_name": "TESTING",
-            ... }
-            >>> engine = Engine(
-            ...     model_name="atss_mobilenetv2",
-            ...     task="DETECTION",
-            ...     data_root=<dataset/path>,
-            ...     **overriding,
-            ... )
+            If you want to override configuration from default config:
+                >>> overriding = {
+                ...     "data.config.train_subset.batch_size": 2,
+                ...     "data.config.test_subset.subset_name": "TESTING",
+                ... }
+                >>> engine = Engine(
+                ...     model_name="atss_mobilenetv2",
+                ...     task="DETECTION",
+                ...     data_root=<dataset/path>,
+                ...     **overriding,
+                ... )
         """
         default_config = DEFAULT_CONFIG_PER_TASK.get(task)
         model_path = str(default_config).split("/")
@@ -1047,6 +1053,7 @@ 

Source code for otx.engine.engine

     def work_dir(self, work_dir: PathLike) -> None:
         self._work_dir = work_dir
         self._cache.update(default_root_dir=work_dir)
+        self._cache.is_trainer_args_identical = False
 
     @property
     def device(self) -> DeviceConfig:
@@ -1059,6 +1066,7 @@ 

Source code for otx.engine.engine

             device = DeviceType.xpu
         self._device = DeviceConfig(accelerator=device)
         self._cache.update(accelerator=self._device.accelerator, devices=self._device.devices)
+        self._cache.is_trainer_args_identical = False
 
     @property
     def trainer(self) -> Trainer:
@@ -1088,6 +1096,7 @@ 

Source code for otx.engine.engine

 
             kwargs = self._cache.args
             self._trainer = Trainer(**kwargs)
+            self._cache.is_trainer_args_identical = True
             self._trainer.task = self.task
             self.work_dir = self._trainer.default_root_dir
 
diff --git a/test_build/_modules/otx/hpo/hpo_base.html b/test_build/_modules/otx/hpo/hpo_base.html
index 6c007c5ebab..8dd6e594519 100644
--- a/test_build/_modules/otx/hpo/hpo_base.html
+++ b/test_build/_modules/otx/hpo/hpo_base.html
@@ -279,10 +279,6 @@ 

Source code for otx.hpo.hpo_base

                                                             HPO use time about exepected_time_ratio *
                                                             train time after HPO times.
         maximum_resource (int | float | None, optional): Maximum resource to use for training each trial.
-        subset_ratio (float | int | None, optional): ratio to how many train dataset to use for each trial.
-                                     The lower value is, the faster the speed is.
-                                     But If it's too low, HPO can be unstable.
-        min_subset_size (int, optional) : Minimum size of subset. Default value is 500.
         resume (bool, optional): resume flag decide to use previous HPO results.
                                  If HPO completed, you can just use optimized hyper parameters.
                                  If HPO stopped in middle, you can resume in middle.
@@ -303,8 +299,6 @@ 

Source code for otx.hpo.hpo_base

         full_dataset_size: int = 0,
         expected_time_ratio: int | float | None = None,
         maximum_resource: int | float | None = None,
-        subset_ratio: float | int | None = None,
-        min_subset_size: int = 500,
         resume: bool = False,
         prior_hyper_parameters: dict | list[dict] | None = None,
         acceptable_additional_time_ratio: float | int = 1.0,
@@ -318,11 +312,6 @@ 

Source code for otx.hpo.hpo_base

         if num_trials is not None:
             check_positive(num_trials, "num_trials")
         check_positive(num_workers, "num_workers")
-        if subset_ratio is not None and not 0 < subset_ratio <= 1:
-            error_msg = (
-                f"subset_ratio should be greater than 0 and lesser than or equal to 1. Your value is {subset_ratio}"
-            )
-            raise ValueError(error_msg)
 
         if save_path is None:
             save_path = tempfile.mkdtemp(prefix="OTX-hpo-")
@@ -335,8 +324,6 @@ 

Source code for otx.hpo.hpo_base

         self.full_dataset_size = full_dataset_size
         self.expected_time_ratio = expected_time_ratio
         self.maximum_resource: int | float | None = maximum_resource
-        self.subset_ratio = subset_ratio
-        self.min_subset_size = min_subset_size
         self.resume = resume
         self.hpo_status: dict = {}
         self.acceptable_additional_time_ratio = acceptable_additional_time_ratio
diff --git a/test_build/_modules/otx/hpo/hpo_runner.html b/test_build/_modules/otx/hpo/hpo_runner.html
index 6eabc6a0c4e..8300d65e1ac 100644
--- a/test_build/_modules/otx/hpo/hpo_runner.html
+++ b/test_build/_modules/otx/hpo/hpo_runner.html
@@ -285,8 +285,6 @@ 

Source code for otx.hpo.hpo_runner

                                                    It's used for CPUResourceManager. Defaults to None.
         num_gpu_for_single_trial (int | None, optional): How many GPUs are used for a single trial.
                                                          It's used for GPUResourceManager. Defaults to None.
-        available_gpu (str | None, optional): How many GPUs are available. It's used for GPUResourceManager.
-                                              Defaults to None.
     """
 
     def __init__(
@@ -296,7 +294,6 @@ 

Source code for otx.hpo.hpo_runner

         resource_type: Literal["gpu", "cpu"] = "gpu",
         num_parallel_trial: int | None = None,
         num_gpu_for_single_trial: int | None = None,
-        available_gpu: str | None = None,
     ) -> None:
         self._hpo_algo = hpo_algo
         self._train_func = train_func
@@ -308,7 +305,6 @@ 

Source code for otx.hpo.hpo_runner

             resource_type,
             num_parallel_trial,
             num_gpu_for_single_trial,
-            available_gpu,
         )
         self._main_pid = os.getpid()
 
@@ -484,7 +480,6 @@ 

Source code for otx.hpo.hpo_runner

     resource_type: Literal["gpu", "cpu"] = "gpu",
     num_parallel_trial: int | None = None,
     num_gpu_for_single_trial: int | None = None,
-    available_gpu: str | None = None,
 ) -> None:
     """Run the HPO loop.
 
@@ -497,10 +492,8 @@ 

Source code for otx.hpo.hpo_runner

                                                    It's used for CPUResourceManager. Defaults to None.
         num_gpu_for_single_trial (int | None, optional): How many GPUs are used for a single trial.
                                                          It's used for GPUResourceManager. Defaults to None.
-        available_gpu (str | None, optional): How many GPUs are available. It's used for GPUResourceManager.
-                                              Defaults to None.
     """
-    hpo_loop = HpoLoop(hpo_algo, train_func, resource_type, num_parallel_trial, num_gpu_for_single_trial, available_gpu)
+    hpo_loop = HpoLoop(hpo_algo, train_func, resource_type, num_parallel_trial, num_gpu_for_single_trial)
     hpo_loop.run()
diff --git a/test_build/_modules/otx/hpo/hyperband.html b/test_build/_modules/otx/hpo/hyperband.html index f5890f5431f..ac9a8d92b17 100644 --- a/test_build/_modules/otx/hpo/hyperband.html +++ b/test_build/_modules/otx/hpo/hyperband.html @@ -912,7 +912,7 @@

Source code for otx.hpo.hyperband

 
     def _make_trial(self, hyper_parameter: dict) -> AshaTrial:
         trial_id = self._get_new_trial_id()
-        trial = AshaTrial(trial_id, hyper_parameter, self._get_train_environment())
+        trial = AshaTrial(trial_id, hyper_parameter)
         self._trials[trial_id] = trial
         return trial
 
@@ -921,9 +921,6 @@ 

Source code for otx.hpo.hyperband

         self._next_trial_id += 1
         return str(trial_id)
 
-    def _get_train_environment(self) -> dict:
-        return {"subset_ratio": self.subset_ratio}
-
 
[docs] def get_next_sample(self) -> AshaTrial | None: diff --git a/test_build/_sources/guide/explanation/additional_features/hpo.rst.txt b/test_build/_sources/guide/explanation/additional_features/hpo.rst.txt index a679cf84e38..0304ef8c02d 100644 --- a/test_build/_sources/guide/explanation/additional_features/hpo.rst.txt +++ b/test_build/_sources/guide/explanation/additional_features/hpo.rst.txt @@ -55,20 +55,52 @@ ASHA also includes a technique called Hyperband, which is used to determine how How to configure hyper-parameter optimization ********************************************* -You can configure HPO by modifying the ``hpo_config.yaml`` file. This file contains everything related to HPO, including the hyperparameters to optimize, the HPO algorithm, and more. The ``hpo_config.yaml`` file already exists with default values in the same directory where ``configs.yaml`` resides. Here is the default ``hpo_config.yaml`` file for classification: +You can configure HPO using argument named *hpo_config*. +It's *HpoConfig* dataclass which inlcudes hyperparameters to optimize, expected time ratio and more. +If HPO is executed without confgiguration, default value of *HpoConfig* is used and learning rate and batch size are set as hyper parameterse to optimize. +Here is how to configure using *hpo_config*. + +.. tab-set:: + + .. tab-item:: API + + .. code-block:: python + + from otx.engine import Engine + from otx.core.config.hpo import HpoConfig + + hpo_config = HpoConfig( + search_space={ + "optimizer.lr" : { + "type" : "uniform", + "min" : 0.001, + "max" : 0.1, + } + }, + expected_time_ratio=6, + ) + + engine = Engine(data_root="") + engine.train(run_hpo=True, hpo_config=hpo_config) + + .. tab-item:: CLI + + .. code-block:: shell + + (otx) ...$ otx train ... --run_hpo True --hpo_config.expected_time_ratio 6 -.. code-block:: - Need to Update! +As above, you can set HPO configuration by both API and CLI. Including ones here, you can configure various parameters of HPO. +You can configure almost parameters using CLI except search space of hyper parameters. +But search space requires dictionray format, so it can be set only on API. +Here is explanation of all HPO configuration. -As you can see, there are a few attributes required to run HPO. -Fortunately, there are not many attributes, so it's not difficult to write your own ``hpo_config.yaml`` file. The more detailed description is as follows: -- **hp_space** (*List[Dict[str, Any]]*, `required`) - Hyper parameter search space to find. It should be list of dictionary. Each dictionary has a hyperparameter name as the key and param_type and range as the values. You can optimize any learning parameters of each task. +- **search_space** (*list[dict[str, Any]]*, `required`) - Hyper parameter search space to find. It should be list of dictionary. Each dictionary has a hyperparameter name as the key and param_type and range as the values. You can optimize any learning parameters of each task. - **Keys of each hyper parameter** - - **param_type** (*str*, `required`) : Hyper parameter search space type. It must be one of the following: + - **type** (*str*, `required`) : Hyper parameter search space type. It must be one of the following: - uniform : Samples a float value uniformly between the lower and upper bounds. - quniform : Samples a quantized float value uniformly between the lower and upper bounds. @@ -76,40 +108,57 @@ Fortunately, there are not many attributes, so it's not difficult to write your - qloguniform : Samples a quantized float value after scaling the search space by logarithm scale. - choice : Samples a categorical value. - - **range** (*List[Any]*, `required`) + - **range** (*list*, `required`) - - uniform : List[Union[float, int]] + - uniform : list[float | int] - - min (*Union[float, int]*, `required`) : The lower bound of search space. - - max (*Union[float, int]*, `required`) : The upper bound of search space. + - min (*float | int*, `required`) : The lower bound of search space. + - max (*float | int*, `required`) : The upper bound of search space. - - quniform : List[Union[float, int]] + - quniform : list[float | int] - - min (*Union[float, int]*, `required`) : The lower bound of search space. - - max (*Union[float, int]*, `required`) : The upper bound of search space. - - step (*Union[float, int]*, `required`) : The unit value of search space. + - min (*float | int*, `required`) : The lower bound of search space. + - max (*float | int*, `required`) : The upper bound of search space. + - step (*float | int*, `required`) : The unit value of search space. - - loguniform : List[Union[float, int]) + - loguniform : list[float | int] - - min (*Union[float, int]*, `required`) : The lower bound of search space. - - max (*Union[float, int]*, `required`) : The upper bound of search space. - - log_base (*Union[float, int]*, *default=10*) : The logarithm base. + - min (*float | int*, `required`) : The lower bound of search space. + - max (*float | int*, `required`) : The upper bound of search space. + - log_base (*float | int*, *default=10*) : The logarithm base. - qloguniform : List[Union[float, int]] - - min (*Union[float, int]*, `required`) : The lower bound of search space - - max (*Union[float, int]*, `required`) : The upper bound of search space - - step (*Union[float, int]*, `required`) : The unit value of search space - - log_base (*Union[float, int]*, *default=10*) : The logarithm base. + - min (*float | int*, `required`) : The lower bound of search space + - max (*float | int*, `required`) : The upper bound of search space + - step (*float | int*, `required`) : The unit value of search space + - log_base (*float | int*, *default=10*) : The logarithm base. + + - choice : *list | tuple* + + - vaule : values to choose as candidates. + + +- **save_path** (*str*, *default='None'*) Path to save a HPO result. + +- **mode** (*str*, *default='max'*) - Optimization mode for the metric. It determines whether the metric should be maximized or minimized. The possible values are 'max' and 'min', respectively. + +- **num_workers** (*int*, *default=1*) How many trials will be executed in parallel. + +- **expected_time_ratio** (*int*, *default=4*) How many times to use for HPO compared to training time. + +- **maximum_resource** (*int*, *default=None*) - Maximum number of training epochs for each trial. When the training epochs reaches this value, the trial stop to train. + +- **minimum_resource** (*int*, *default=None*) - Minimum number of training epochs for each trial. Each trial will run at least this epochs, even if the performance of the model is not improving. - - choice : List[Any] +- **prior_hyper_parameters** (*dict | list[dict]*, *default=None*) Hyper parameters to try first. - - vaule : values to be chosen from candidates. +- **acceptable_additional_time_ratio** (*float | int*, *default=1.0*) How much ratio of additional time is acceptable. -- **metric** (*str*, *default='mAP*') - Name of the metric that will be used to evaluate the performance of each trial. The hyperparameter optimization algorithm will aim to maximize or minimize this metric depending on the value of the mode hyperparameter. The default value is 'mAP'. +- **reduction_factor** (*int*, *default=3*) How many trials to promote to next rung. Only top 1 / reduction_factor of rung trials can be promoted. -- **mode** (*str*, *default='max*') - Optimization mode for the metric. It determines whether the metric should be maximized or minimized. The possible values are 'max' and 'min', respectively. The default value is 'max'. +- **asynchronous_bracket** (*bool*, *default=True*) Whether to operate SHA asynchronously. -- **maximum_resource** (*int*, *default=None*) - Maximum number of training epochs for each trial. When the number of training epochs reaches this value, the training of the trial will stop. The default value is None. +- **asynchronous_sha** (*bool*, *default=True*) Whether SHAs(brackets) are running parallelly or not. -- **minimum_resource** (*int*, *default=None*) - Minimum number of training epochs for each trial. Each trial will run for at least this many epochs, even if the performance of the model is not improving. The default value is None. +**reduction_factor**, **asynchronous_bracket** and **asynchronous_sha** are HyperBand hyper parameters. If you want to know them more, please refer `ASHA `_. diff --git a/test_build/_sources/guide/explanation/algorithms/action/action_classification.rst.txt b/test_build/_sources/guide/explanation/algorithms/action/action_classification.rst.txt index c570da5b842..be1b81b2a72 100644 --- a/test_build/_sources/guide/explanation/algorithms/action/action_classification.rst.txt +++ b/test_build/_sources/guide/explanation/algorithms/action/action_classification.rst.txt @@ -30,7 +30,7 @@ Models Currently OpenVINO™ Training Extensions supports `X3D `_ and `MoViNet `_ for action classification. +----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+---------+---------------------+-------------------------+ -| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +========================================================================================================================================================================================+=========+=====================+=========================+ | `Custom_Action_Classification_X3D `_ | X3D | 2.49 | 3.79 | +----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+---------+---------------------+-------------------------+ diff --git a/test_build/_sources/guide/explanation/algorithms/action/action_detection.rst.txt b/test_build/_sources/guide/explanation/algorithms/action/action_detection.rst.txt index b36b2bb0bec..1eae4fae0d3 100644 --- a/test_build/_sources/guide/explanation/algorithms/action/action_detection.rst.txt +++ b/test_build/_sources/guide/explanation/algorithms/action/action_detection.rst.txt @@ -27,7 +27,7 @@ Models We support the following ready-to-use model recipes for transfer learning: +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+---------------+---------------------+-------------------------+ -| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +=========================================================================================================================================================================================+===============+=====================+=========================+ | `Custom_Action_Detection_X3D_FAST_RCNN `_ | x3d_fast_rcnn | 13.04 | 8.32 | +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+---------------+---------------------+-------------------------+ diff --git a/test_build/_sources/guide/explanation/algorithms/classification/multi_class_classification.rst.txt b/test_build/_sources/guide/explanation/algorithms/classification/multi_class_classification.rst.txt index 3600828570b..0966c047a15 100644 --- a/test_build/_sources/guide/explanation/algorithms/classification/multi_class_classification.rst.txt +++ b/test_build/_sources/guide/explanation/algorithms/classification/multi_class_classification.rst.txt @@ -56,7 +56,7 @@ Models We support the following ready-to-use model recipes: +------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+-----------------------+---------------------+-----------------+ -| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +==================================================================================================================================================================================================================+=======================+=====================+=================+ | `Custom_Image_Classification_MobileNet-V3-large-1x `_ | MobileNet-V3-large-1x | 0.44 | 4.29 | +------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+-----------------------+---------------------+-----------------+ diff --git a/test_build/_sources/guide/explanation/algorithms/object_detection/object_detection.rst.txt b/test_build/_sources/guide/explanation/algorithms/object_detection/object_detection.rst.txt index 6f13b3dd25d..3dd3fbc0349 100644 --- a/test_build/_sources/guide/explanation/algorithms/object_detection/object_detection.rst.txt +++ b/test_build/_sources/guide/explanation/algorithms/object_detection/object_detection.rst.txt @@ -57,7 +57,7 @@ Models We support the following ready-to-use model recipes: +------------------------------------------------------------------------------------------------------------------------------------------------------------+---------------------+---------------------+-----------------+ -| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +============================================================================================================================================================+=====================+=====================+=================+ | `Custom_Object_Detection_YOLOX `_ | YOLOX-TINY | 6.5 | 20.4 | +------------------------------------------------------------------------------------------------------------------------------------------------------------+---------------------+---------------------+-----------------+ diff --git a/test_build/_sources/guide/explanation/algorithms/segmentation/semantic_segmentation.rst.txt b/test_build/_sources/guide/explanation/algorithms/segmentation/semantic_segmentation.rst.txt index a7dc5e43206..e631301702d 100644 --- a/test_build/_sources/guide/explanation/algorithms/segmentation/semantic_segmentation.rst.txt +++ b/test_build/_sources/guide/explanation/algorithms/segmentation/semantic_segmentation.rst.txt @@ -56,7 +56,7 @@ Models We support the following ready-to-use model recipes: +--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+------------------------+---------------------+-----------------+ -| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +======================================================================================================================================================================================+========================+=====================+=================+ | `Custom_Semantic_Segmentation_Lite-HRNet-s-mod2_OCR `_ | Lite-HRNet-s-mod2 | 1.44 | 3.2 | +--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+------------------------+---------------------+-----------------+ diff --git a/test_build/_sources/guide/explanation/algorithms/visual_prompting/fine_tuning.rst.txt b/test_build/_sources/guide/explanation/algorithms/visual_prompting/fine_tuning.rst.txt index 7bc211dccdf..32550c0e479 100644 --- a/test_build/_sources/guide/explanation/algorithms/visual_prompting/fine_tuning.rst.txt +++ b/test_build/_sources/guide/explanation/algorithms/visual_prompting/fine_tuning.rst.txt @@ -58,7 +58,7 @@ Models We support the following model recipes in experimental phase: +------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+---------------------+-----------------+ -| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +| Recipe ID | Name | Complexity (GFLOPs) | Model size (MB) | +============================================================================================================================================================+==============+=====================+=================+ | `Visual_Prompting_SAM_Tiny_ViT `_ | SAM_Tiny_ViT | 38.55 | 47 | +------------------------------------------------------------------------------------------------------------------------------------------------------------+--------------+---------------------+-----------------+ diff --git a/test_build/guide/explanation/additional_features/hpo.html b/test_build/guide/explanation/additional_features/hpo.html index 4ff302f60e5..e7e3a6be302 100644 --- a/test_build/guide/explanation/additional_features/hpo.html +++ b/test_build/guide/explanation/additional_features/hpo.html @@ -416,18 +416,51 @@

Algorithm

How to configure hyper-parameter optimization#

-

You can configure HPO by modifying the hpo_config.yaml file. This file contains everything related to HPO, including the hyperparameters to optimize, the HPO algorithm, and more. The hpo_config.yaml file already exists with default values in the same directory where configs.yaml resides. Here is the default hpo_config.yaml file for classification:

-
Need to Update!
+

You can configure HPO using argument named hpo_config. +It’s HpoConfig dataclass which inlcudes hyperparameters to optimize, expected time ratio and more. +If HPO is executed without confgiguration, default value of HpoConfig is used and learning rate and batch size are set as hyper parameterse to optimize. +Here is how to configure using hpo_config.

+
+ +
+
from otx.engine import Engine
+from otx.core.config.hpo import HpoConfig
+
+hpo_config = HpoConfig(
+    search_space={
+        "optimizer.lr" : {
+            "type" : "uniform",
+            "min" : 0.001,
+            "max" : 0.1,
+        }
+    },
+    expected_time_ratio=6,
+)
+
+engine = Engine(data_root="<path_to_data_root>")
+engine.train(run_hpo=True, hpo_config=hpo_config)
+
+
+
+ +
+
(otx) ...$ otx train ... --run_hpo True  --hpo_config.expected_time_ratio 6
 
-

As you can see, there are a few attributes required to run HPO. -Fortunately, there are not many attributes, so it’s not difficult to write your own hpo_config.yaml file. The more detailed description is as follows:

+
+
+

As above, you can set HPO configuration by both API and CLI. Including ones here, you can configure various parameters of HPO. +You can configure almost parameters using CLI except search space of hyper parameters. +But search space requires dictionray format, so it can be set only on API. +Here is explanation of all HPO configuration.

    -
  • hp_space (List[Dict[str, Any]], required) - Hyper parameter search space to find. It should be list of dictionary. Each dictionary has a hyperparameter name as the key and param_type and range as the values. You can optimize any learning parameters of each task.

    +
  • search_space (list[dict[str, Any]], required) - Hyper parameter search space to find. It should be list of dictionary. Each dictionary has a hyperparameter name as the key and param_type and range as the values. You can optimize any learning parameters of each task.

    • Keys of each hyper parameter

        -
      • param_type (str, required) : Hyper parameter search space type. It must be one of the following:

        +
      • type (str, required) : Hyper parameter search space type. It must be one of the following:

        • uniform : Samples a float value uniformly between the lower and upper bounds.

        • quniform : Samples a quantized float value uniformly between the lower and upper bounds.

        • @@ -436,39 +469,39 @@

          How to configure hyper-parameter optimizationASHA.

          diff --git a/test_build/guide/explanation/algorithms/action/action_classification.html b/test_build/guide/explanation/algorithms/action/action_classification.html index 36a69282048..d1b507b05c6 100644 --- a/test_build/guide/explanation/algorithms/action/action_classification.html +++ b/test_build/guide/explanation/algorithms/action/action_classification.html @@ -393,6 +393,27 @@

          Dataset Format

          Models#

          Currently OpenVINO™ Training Extensions supports X3D and MoViNet for action classification.

          + + + + + + + + + + + + + + + + + + + + +

          Recipe ID

          Name

          Complexity (GFLOPs)

          Model size (MB)

          Custom_Action_Classification_X3D

          X3D

          2.49

          3.79

          Custom_Action_Classificaiton_MoViNet

          MoViNet

          2.71

          3.10

          To see which models are available for the task, the following command can be executed:

          (otx) ...$ otx find --task ACTION_CLASSIFICATION
           
          diff --git a/test_build/guide/explanation/algorithms/action/action_detection.html b/test_build/guide/explanation/algorithms/action/action_detection.html index d185b9e7057..62ab4748ac4 100644 --- a/test_build/guide/explanation/algorithms/action/action_detection.html +++ b/test_build/guide/explanation/algorithms/action/action_detection.html @@ -391,6 +391,22 @@

          Dataset Format

          Models#

          We support the following ready-to-use model recipes for transfer learning:

          + + + + + + + + + + + + + + + +

          Recipe ID

          Name

          Complexity (GFLOPs)

          Model size (MB)

          Custom_Action_Detection_X3D_FAST_RCNN

          x3d_fast_rcnn

          13.04

          8.32

          To see which models are available for the task, the following command can be executed:

          (otx) ...$ otx find --task ACTION_DETECTION
           
          diff --git a/test_build/guide/explanation/algorithms/classification/multi_class_classification.html b/test_build/guide/explanation/algorithms/classification/multi_class_classification.html index cae1596c06d..2bea3952a28 100644 --- a/test_build/guide/explanation/algorithms/classification/multi_class_classification.html +++ b/test_build/guide/explanation/algorithms/classification/multi_class_classification.html @@ -424,6 +424,32 @@

          Dataset Format

          Models#

          We support the following ready-to-use model recipes:

          + + + + + + + + + + + + + + + + + + + + + + + + + +

          Recipe ID

          Name

          Complexity (GFLOPs)

          Model size (MB)

          Custom_Image_Classification_MobileNet-V3-large-1x

          MobileNet-V3-large-1x

          0.44

          4.29

          Custom_Image_Classification_EfficinetNet-B0

          EfficientNet-B0

          0.81

          4.09

          Custom_Image_Classification_EfficientNet-V2-S

          EfficientNet-V2-S

          5.76

          20.23

          EfficientNet-V2-S has more parameters and Flops and needs more time to train, meanwhile providing superior classification performance. MobileNet-V3-large-1x is the best choice when training time and computational cost are in priority, nevertheless, this recipe provides competitive accuracy as well. EfficientNet-B0 consumes more Flops compared to MobileNet, providing better performance on large datasets, but may be not so stable in case of a small amount of training data.

          To see which models are available for the task, the following command can be executed:

          diff --git a/test_build/guide/explanation/algorithms/object_detection/object_detection.html b/test_build/guide/explanation/algorithms/object_detection/object_detection.html index 518f9054a96..431cf75e4ff 100644 --- a/test_build/guide/explanation/algorithms/object_detection/object_detection.html +++ b/test_build/guide/explanation/algorithms/object_detection/object_detection.html @@ -421,6 +421,52 @@

          Dataset Format

          Models#

          We support the following ready-to-use model recipes:

          + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +

          Recipe ID

          Name

          Complexity (GFLOPs)

          Model size (MB)

          Custom_Object_Detection_YOLOX

          YOLOX-TINY

          6.5

          20.4

          Object_Detection_YOLOX_S

          YOLOX_S

          33.51

          46.0

          Object_Detection_YOLOX_L

          YOLOX_L

          194.57

          207.0

          Object_Detection_YOLOX_X

          YOLOX_X

          352.42

          378.0

          Custom_Object_Detection_Gen3_SSD

          SSD

          9.4

          7.6

          Custom_Object_Detection_Gen3_ATSS

          MobileNetV2-ATSS

          20.6

          9.1

          Object_Detection_ResNeXt101_ATSS

          ResNeXt101-ATSS

          434.75

          344.0

          Above table can be found using the following command

          (otx) ...$ otx find --task DETECTION
           
          diff --git a/test_build/guide/explanation/algorithms/segmentation/semantic_segmentation.html b/test_build/guide/explanation/algorithms/segmentation/semantic_segmentation.html index 8020e0170a0..fb11e2816d0 100644 --- a/test_build/guide/explanation/algorithms/segmentation/semantic_segmentation.html +++ b/test_build/guide/explanation/algorithms/segmentation/semantic_segmentation.html @@ -415,6 +415,47 @@

          Dataset Format

          Models#

          We support the following ready-to-use model recipes:

          + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +

          Recipe ID

          Name

          Complexity (GFLOPs)

          Model size (MB)

          Custom_Semantic_Segmentation_Lite-HRNet-s-mod2_OCR

          Lite-HRNet-s-mod2

          1.44

          3.2

          Custom_Semantic_Segmentation_Lite-HRNet-18-mod2_OCR

          Lite-HRNet-18-mod2

          2.82

          4.3

          Custom_Semantic_Segmentation_Lite-HRNet-x-mod3_OCR

          Lite-HRNet-x-mod3

          9.20

          5.7

          Custom_Semantic_Segmentation_SegNext_T

          SegNext-t

          6.07

          4.23

          Custom_Semantic_Segmentation_SegNext_S

          SegNext-s

          15.35

          13.9

          Custom_Semantic_Segmentation_SegNext_B

          SegNext-b

          32.08

          27.56

          All of these models are members of the same Lite-HRNet backbones family. They differ in the trade-off between accuracy and inference/training speed. Lite-HRNet-x-mod3 is the recipe with heavy-size architecture for accurate predictions but it requires long training. Whereas the Lite-HRNet-s-mod2 is the lightweight architecture for fast inference and training. It is the best choice for the scenario of a limited amount of data. The Lite-HRNet-18-mod2 model is the middle-sized architecture for the balance between fast inference and training time.

          Use SegNext model which can achieve superior perfomance while preserving fast inference and fast training.

          diff --git a/test_build/guide/explanation/algorithms/visual_prompting/fine_tuning.html b/test_build/guide/explanation/algorithms/visual_prompting/fine_tuning.html index 04c6b9145fe..40957945868 100644 --- a/test_build/guide/explanation/algorithms/visual_prompting/fine_tuning.html +++ b/test_build/guide/explanation/algorithms/visual_prompting/fine_tuning.html @@ -418,6 +418,27 @@

          Dataset Format

          Models#

          We support the following model recipes in experimental phase:

          + + + + + + + + + + + + + + + + + + + + +

          Recipe ID

          Name

          Complexity (GFLOPs)

          Model size (MB)

          Visual_Prompting_SAM_Tiny_ViT

          SAM_Tiny_ViT

          38.55

          47

          Visual_Prompting_SAM_ViT_B

          SAM_ViT_B

          454.76

          363

          To check feasibility of SAM, we did experiments using three public datasets with each other domains: WGISD and Trashcan, and checked F1-score. We used sampled training data from Trashcan and full training data (=110) from WGISD.

          diff --git a/test_build/guide/reference/_autosummary/otx.core.config.hpo.html b/test_build/guide/reference/_autosummary/otx.core.config.hpo.html index 3c8a939f709..ac735bea679 100644 --- a/test_build/guide/reference/_autosummary/otx.core.config.hpo.html +++ b/test_build/guide/reference/_autosummary/otx.core.config.hpo.html @@ -387,7 +387,7 @@
          -class otx.core.config.hpo.HpoConfig(search_space: dict[str, dict[str, Any]] | None = None, save_path: str | None = None, mode: Literal['max', 'min'] = 'max', num_trials: int | None = None, num_workers: int = 1, expected_time_ratio: int | float | None = 4, maximum_resource: int | float | None = None, subset_ratio: int | float | None = None, min_subset_size: int = 500, prior_hyper_parameters: dict | list[dict] | None = None, acceptable_additional_time_ratio: float | int = 1.0, minimum_resource: int | float | None = None, reduction_factor: int = 3, asynchronous_bracket: bool = True, asynchronous_sha: bool = True)[source]#
          +class otx.core.config.hpo.HpoConfig(search_space: dict[str, dict[str, Any]] | None = None, save_path: str | None = None, mode: Literal['max', 'min'] = 'max', num_trials: int | None = None, num_workers: int = 1, expected_time_ratio: int | float | None = 4, maximum_resource: int | float | None = None, prior_hyper_parameters: dict | list[dict] | None = None, acceptable_additional_time_ratio: float | int = 1.0, minimum_resource: int | float | None = None, reduction_factor: int = 3, asynchronous_bracket: bool = True, asynchronous_sha: bool = True)[source]#

          Bases: object

          DTO for HPO configuration.

          diff --git a/test_build/guide/reference/_autosummary/otx.engine.html b/test_build/guide/reference/_autosummary/otx.engine.html index 872e6dfc068..f0619b87f68 100644 --- a/test_build/guide/reference/_autosummary/otx.engine.html +++ b/test_build/guide/reference/_autosummary/otx.engine.html @@ -393,21 +393,27 @@

          This class defines the Engine for OTX, which governs each step of the OTX workflow.

          Example

          The following examples show how to use the Engine class.

          -

          Auto-Configuration with data_root ->>> engine = Engine( -… data_root=<dataset/path>, -… )

          -

          Create Engine with Custom OTXModel ->>> engine = Engine( -… data_root=<dataset/path>, -… model=OTXModel(…), -… checkpoint=<checkpoint/path>, -… )

          -

          Create Engine with Custom OTXDataModule ->>> engine = Engine( -… model = OTXModel(…), -… datamodule = OTXDataModule(…), -… )

          +

          Auto-Configuration with data_root:

          +
          engine = Engine(
          +    data_root=<dataset/path>,
          +)
          +
          +
          +

          Create Engine with Custom OTXModel:

          +
          engine = Engine(
          +    data_root=<dataset/path>,
          +    model=OTXModel(...),
          +    checkpoint=<checkpoint/path>,
          +)
          +
          +
          +

          Create Engine with Custom OTXDataModule:

          +
          engine = Engine(
          +    model = OTXModel(...),
          +    datamodule = OTXDataModule(...),
          +)
          +
          +

          Initializes the OTX Engine.

          Parameters:
          @@ -591,17 +597,21 @@ ... )

-

If you want to override configuration from default config ->>> overriding = { -… “data.config.train_subset.batch_size”: 2, -… “data.config.test_subset.subset_name”: “TESTING”, -… } ->>> engine = Engine( -… model_name=”atss_mobilenetv2”, -… task=”DETECTION”, -… data_root=<dataset/path>, -… **overriding, -… )

+
+
If you want to override configuration from default config:
>>> overriding = {
+...     "data.config.train_subset.batch_size": 2,
+...     "data.config.test_subset.subset_name": "TESTING",
+... }
+>>> engine = Engine(
+...     model_name="atss_mobilenetv2",
+...     task="DETECTION",
+...     data_root=<dataset/path>,
+...     **overriding,
+... )
+
+
+
+
@@ -638,14 +648,14 @@

CLI Usage:
-
To optimize a model, run

```python +

To optimize a model, run

```python otx optimize

–checkpoint <CKPT_PATH, str> –model <CONFIG | CLASS_PATH_OR_NAME> –data_root <DATASET_PATH, str> –model.model_name=<PATH_TO_IR_XML, str>

-

```

+

```

@@ -686,13 +696,13 @@
CLI Usage:
  1. -
    you can pick a model.

    ```python +

    you can pick a model.

    ```python otx predict

    –config <CONFIG_PATH> –data_root <DATASET_PATH, str> –checkpoint <CKPT_PATH, str>

    -

    ```

    +

    ```

  2. @@ -740,13 +750,13 @@
    CLI Usage:
    1. -
      you can pick a model.

      ```python +

      you can pick a model.

      ```python otx test

      –model <CONFIG | CLASS_PATH_OR_NAME> –data_root <DATASET_PATH, str> –checkpoint <CKPT_PATH, str>

      -

      ```

      +

      ```

    2. @@ -764,7 +774,7 @@
      -train(max_epochs: int = 10, seed: int | None = None, deterministic: bool | Literal['warn'] = False, precision: _PRECISION_INPUT | None = '32', val_check_interval: int | float | None = None, callbacks: list[Callback] | Callback | None = None, logger: Logger | Iterable[Logger] | bool | None = None, resume: bool = False, metric: Metric | MetricCallable | None = None, run_hpo: bool = False, hpo_config: HpoConfig | None = None, **kwargs) dict[str, Any][source]#
      +train(max_epochs: int = 10, seed: int | None = None, deterministic: bool | Literal['warn'] = False, precision: _PRECISION_INPUT | None = '32', val_check_interval: int | float | None = None, callbacks: list[Callback] | Callback | None = None, logger: Logger | Iterable[Logger] | bool | None = None, resume: bool = False, metric: Metric | MetricCallable | None = None, run_hpo: bool = False, hpo_config: HpoConfig = HpoConfig(search_space=None, save_path=None, mode='max', num_trials=None, num_workers=1, expected_time_ratio=4, maximum_resource=None, prior_hyper_parameters=None, acceptable_additional_time_ratio=1.0, minimum_resource=None, reduction_factor=3, asynchronous_bracket=True, asynchronous_sha=True), **kwargs) dict[str, Any][source]#

      Trains the model using the provided LightningModule and OTXDataModule.

      Parameters:
      @@ -823,13 +833,13 @@
    3. -
      Of course, you can override the various values with commands.

      ```python +

      Of course, you can override the various values with commands.

      ```python otx train

      –data_root <DATASET_PATH> –max_epochs <EPOCHS, int> –checkpoint <CKPT_PATH, str>

      -

      ```

      +

      ```

    4. diff --git a/test_build/guide/reference/_autosummary/otx.hpo.html b/test_build/guide/reference/_autosummary/otx.hpo.html index 456fdf55804..377e6cb489c 100644 --- a/test_build/guide/reference/_autosummary/otx.hpo.html +++ b/test_build/guide/reference/_autosummary/otx.hpo.html @@ -530,7 +530,7 @@
      -otx.hpo.run_hpo_loop(hpo_algo: HpoBase, train_func: Callable, resource_type: Literal['gpu', 'cpu'] = 'gpu', num_parallel_trial: int | None = None, num_gpu_for_single_trial: int | None = None, available_gpu: str | None = None) None[source]#
      +otx.hpo.run_hpo_loop(hpo_algo: HpoBase, train_func: Callable, resource_type: Literal['gpu', 'cpu'] = 'gpu', num_parallel_trial: int | None = None, num_gpu_for_single_trial: int | None = None) None[source]#

      Run the HPO loop.

      Parameters:
      @@ -543,8 +543,6 @@ It’s used for CPUResourceManager. Defaults to None.

    5. num_gpu_for_single_trial (int | None, optional) – How many GPUs are used for a single trial. It’s used for GPUResourceManager. Defaults to None.

    6. -
    7. available_gpu (str | None, optional) – How many GPUs are available. It’s used for GPUResourceManager. -Defaults to None.

    8. diff --git a/test_build/searchindex.js b/test_build/searchindex.js index 87dace0b6d2..28b4e7a72ce 100644 --- a/test_build/searchindex.js +++ b/test_build/searchindex.js @@ -1 +1 @@ -Search.setIndex({"docnames": ["guide/explanation/additional_features/adaptive_training", "guide/explanation/additional_features/auto_configuration", "guide/explanation/additional_features/class_incremental_sampler", "guide/explanation/additional_features/fast_data_loading", "guide/explanation/additional_features/hpo", "guide/explanation/additional_features/index", "guide/explanation/additional_features/models_optimization", "guide/explanation/additional_features/tiling", "guide/explanation/additional_features/xai", "guide/explanation/algorithms/action/action_classification", "guide/explanation/algorithms/action/action_detection", "guide/explanation/algorithms/action/index", "guide/explanation/algorithms/anomaly/index", "guide/explanation/algorithms/classification/hierarhical_classification", "guide/explanation/algorithms/classification/index", "guide/explanation/algorithms/classification/multi_class_classification", "guide/explanation/algorithms/classification/multi_label_classification", "guide/explanation/algorithms/index", "guide/explanation/algorithms/object_detection/index", "guide/explanation/algorithms/object_detection/object_detection", "guide/explanation/algorithms/segmentation/index", "guide/explanation/algorithms/segmentation/instance_segmentation", "guide/explanation/algorithms/segmentation/semantic_segmentation", "guide/explanation/algorithms/visual_prompting/fine_tuning", "guide/explanation/algorithms/visual_prompting/index", "guide/explanation/algorithms/visual_prompting/zero_shot", "guide/explanation/product_design", "guide/get_started/api_tutorial", "guide/get_started/cli_commands", "guide/get_started/installation", "guide/get_started/introduction", "guide/index", "guide/reference/_autosummary/otx", "guide/reference/_autosummary/otx.algo", "guide/reference/_autosummary/otx.algo.accelerators", "guide/reference/_autosummary/otx.algo.action_classification", "guide/reference/_autosummary/otx.algo.classification", "guide/reference/_autosummary/otx.algo.classification.backbones", "guide/reference/_autosummary/otx.algo.classification.heads", "guide/reference/_autosummary/otx.algo.classification.losses", "guide/reference/_autosummary/otx.algo.detection", "guide/reference/_autosummary/otx.algo.detection.backbones", "guide/reference/_autosummary/otx.algo.detection.backbones.pytorchcv_backbones", "guide/reference/_autosummary/otx.algo.detection.heads", "guide/reference/_autosummary/otx.algo.detection.losses", "guide/reference/_autosummary/otx.algo.plugins", "guide/reference/_autosummary/otx.algo.segmentation", "guide/reference/_autosummary/otx.algo.segmentation.backbones", "guide/reference/_autosummary/otx.algo.segmentation.heads", "guide/reference/_autosummary/otx.algo.segmentation.losses", "guide/reference/_autosummary/otx.algo.strategies", "guide/reference/_autosummary/otx.algo.visual_prompting", "guide/reference/_autosummary/otx.algo.visual_prompting.backbones", "guide/reference/_autosummary/otx.algo.visual_prompting.decoders", "guide/reference/_autosummary/otx.algo.visual_prompting.encoders", "guide/reference/_autosummary/otx.cli", "guide/reference/_autosummary/otx.cli.cli", "guide/reference/_autosummary/otx.cli.install", "guide/reference/_autosummary/otx.cli.utils", "guide/reference/_autosummary/otx.cli.utils.help_formatter", "guide/reference/_autosummary/otx.cli.utils.installation", "guide/reference/_autosummary/otx.cli.utils.jsonargparse", "guide/reference/_autosummary/otx.cli.utils.workspace", "guide/reference/_autosummary/otx.core", "guide/reference/_autosummary/otx.core.config", "guide/reference/_autosummary/otx.core.config.data", "guide/reference/_autosummary/otx.core.config.device", "guide/reference/_autosummary/otx.core.config.explain", "guide/reference/_autosummary/otx.core.config.hpo", "guide/reference/_autosummary/otx.core.data", "guide/reference/_autosummary/otx.core.exporter", "guide/reference/_autosummary/otx.core.exporter.base", "guide/reference/_autosummary/otx.core.exporter.exportable_code", "guide/reference/_autosummary/otx.core.exporter.exportable_code.demo", "guide/reference/_autosummary/otx.core.exporter.mmdeploy", "guide/reference/_autosummary/otx.core.exporter.native", "guide/reference/_autosummary/otx.core.exporter.visual_prompting", "guide/reference/_autosummary/otx.core.metrics", "guide/reference/_autosummary/otx.core.metrics.accuracy", "guide/reference/_autosummary/otx.core.metrics.fmeasure", "guide/reference/_autosummary/otx.core.model", "guide/reference/_autosummary/otx.core.model.entity", "guide/reference/_autosummary/otx.core.model.entity.action_classification", "guide/reference/_autosummary/otx.core.model.entity.action_detection", "guide/reference/_autosummary/otx.core.model.entity.base", "guide/reference/_autosummary/otx.core.model.entity.classification", "guide/reference/_autosummary/otx.core.model.entity.detection", "guide/reference/_autosummary/otx.core.model.entity.instance_segmentation", "guide/reference/_autosummary/otx.core.model.entity.rotated_detection", "guide/reference/_autosummary/otx.core.model.entity.segmentation", "guide/reference/_autosummary/otx.core.model.entity.utils", "guide/reference/_autosummary/otx.core.model.entity.utils.mmaction", "guide/reference/_autosummary/otx.core.model.entity.utils.mmdet", "guide/reference/_autosummary/otx.core.model.entity.utils.mmpretrain", "guide/reference/_autosummary/otx.core.model.entity.utils.mmseg", "guide/reference/_autosummary/otx.core.model.entity.visual_prompting", "guide/reference/_autosummary/otx.core.model.module", "guide/reference/_autosummary/otx.core.model.module.action_classification", "guide/reference/_autosummary/otx.core.model.module.action_detection", "guide/reference/_autosummary/otx.core.model.module.anomaly", "guide/reference/_autosummary/otx.core.model.module.base", "guide/reference/_autosummary/otx.core.model.module.classification", "guide/reference/_autosummary/otx.core.model.module.detection", "guide/reference/_autosummary/otx.core.model.module.instance_segmentation", "guide/reference/_autosummary/otx.core.model.module.rotated_detection", "guide/reference/_autosummary/otx.core.model.module.segmentation", "guide/reference/_autosummary/otx.core.model.module.visual_prompting", "guide/reference/_autosummary/otx.core.types", "guide/reference/_autosummary/otx.core.types.device", "guide/reference/_autosummary/otx.core.types.explain", "guide/reference/_autosummary/otx.core.types.export", "guide/reference/_autosummary/otx.core.types.image", "guide/reference/_autosummary/otx.core.types.precision", "guide/reference/_autosummary/otx.core.types.task", "guide/reference/_autosummary/otx.core.types.transformer_libs", "guide/reference/_autosummary/otx.core.utils", "guide/reference/_autosummary/otx.core.utils.build", "guide/reference/_autosummary/otx.core.utils.cache", "guide/reference/_autosummary/otx.core.utils.config", "guide/reference/_autosummary/otx.core.utils.imports", "guide/reference/_autosummary/otx.core.utils.instantiators", "guide/reference/_autosummary/otx.core.utils.mask_util", "guide/reference/_autosummary/otx.core.utils.pylogger", "guide/reference/_autosummary/otx.core.utils.tile_merge", "guide/reference/_autosummary/otx.core.utils.utils", "guide/reference/_autosummary/otx.data", "guide/reference/_autosummary/otx.engine", "guide/reference/_autosummary/otx.hpo", "guide/reference/_autosummary/otx.recipe", "guide/reference/_autosummary/otx.tools", "guide/reference/_autosummary/otx.tools.translate_mmrecipe", "guide/reference/_autosummary/otx.utils", "guide/reference/index", "guide/release_notes/index", "guide/tutorials/advanced/configuration", "guide/tutorials/advanced/index", "guide/tutorials/base/explain", "guide/tutorials/base/export", "guide/tutorials/base/how_to_train/action_classification", "guide/tutorials/base/how_to_train/action_detection", "guide/tutorials/base/how_to_train/anomaly_detection", "guide/tutorials/base/how_to_train/classification", "guide/tutorials/base/how_to_train/detection", "guide/tutorials/base/how_to_train/index", "guide/tutorials/base/how_to_train/instance_segmentation", "guide/tutorials/base/how_to_train/semantic_segmentation", "guide/tutorials/base/how_to_train/visual_prompting", "guide/tutorials/base/index", "index"], "filenames": ["guide/explanation/additional_features/adaptive_training.rst", "guide/explanation/additional_features/auto_configuration.rst", "guide/explanation/additional_features/class_incremental_sampler.rst", "guide/explanation/additional_features/fast_data_loading.rst", "guide/explanation/additional_features/hpo.rst", "guide/explanation/additional_features/index.rst", "guide/explanation/additional_features/models_optimization.rst", "guide/explanation/additional_features/tiling.rst", "guide/explanation/additional_features/xai.rst", "guide/explanation/algorithms/action/action_classification.rst", "guide/explanation/algorithms/action/action_detection.rst", "guide/explanation/algorithms/action/index.rst", "guide/explanation/algorithms/anomaly/index.rst", "guide/explanation/algorithms/classification/hierarhical_classification.rst", "guide/explanation/algorithms/classification/index.rst", "guide/explanation/algorithms/classification/multi_class_classification.rst", "guide/explanation/algorithms/classification/multi_label_classification.rst", "guide/explanation/algorithms/index.rst", "guide/explanation/algorithms/object_detection/index.rst", "guide/explanation/algorithms/object_detection/object_detection.rst", "guide/explanation/algorithms/segmentation/index.rst", "guide/explanation/algorithms/segmentation/instance_segmentation.rst", "guide/explanation/algorithms/segmentation/semantic_segmentation.rst", "guide/explanation/algorithms/visual_prompting/fine_tuning.rst", "guide/explanation/algorithms/visual_prompting/index.rst", "guide/explanation/algorithms/visual_prompting/zero_shot.rst", "guide/explanation/product_design.rst", "guide/get_started/api_tutorial.rst", "guide/get_started/cli_commands.rst", "guide/get_started/installation.rst", "guide/get_started/introduction.rst", "guide/index.rst", "guide/reference/_autosummary/otx.rst", "guide/reference/_autosummary/otx.algo.rst", "guide/reference/_autosummary/otx.algo.accelerators.rst", "guide/reference/_autosummary/otx.algo.action_classification.rst", "guide/reference/_autosummary/otx.algo.classification.rst", "guide/reference/_autosummary/otx.algo.classification.backbones.rst", "guide/reference/_autosummary/otx.algo.classification.heads.rst", "guide/reference/_autosummary/otx.algo.classification.losses.rst", "guide/reference/_autosummary/otx.algo.detection.rst", "guide/reference/_autosummary/otx.algo.detection.backbones.rst", "guide/reference/_autosummary/otx.algo.detection.backbones.pytorchcv_backbones.rst", "guide/reference/_autosummary/otx.algo.detection.heads.rst", "guide/reference/_autosummary/otx.algo.detection.losses.rst", "guide/reference/_autosummary/otx.algo.plugins.rst", "guide/reference/_autosummary/otx.algo.segmentation.rst", "guide/reference/_autosummary/otx.algo.segmentation.backbones.rst", "guide/reference/_autosummary/otx.algo.segmentation.heads.rst", "guide/reference/_autosummary/otx.algo.segmentation.losses.rst", "guide/reference/_autosummary/otx.algo.strategies.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.backbones.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.decoders.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.encoders.rst", "guide/reference/_autosummary/otx.cli.rst", "guide/reference/_autosummary/otx.cli.cli.rst", "guide/reference/_autosummary/otx.cli.install.rst", "guide/reference/_autosummary/otx.cli.utils.rst", "guide/reference/_autosummary/otx.cli.utils.help_formatter.rst", "guide/reference/_autosummary/otx.cli.utils.installation.rst", "guide/reference/_autosummary/otx.cli.utils.jsonargparse.rst", "guide/reference/_autosummary/otx.cli.utils.workspace.rst", "guide/reference/_autosummary/otx.core.rst", "guide/reference/_autosummary/otx.core.config.rst", "guide/reference/_autosummary/otx.core.config.data.rst", "guide/reference/_autosummary/otx.core.config.device.rst", "guide/reference/_autosummary/otx.core.config.explain.rst", "guide/reference/_autosummary/otx.core.config.hpo.rst", "guide/reference/_autosummary/otx.core.data.rst", "guide/reference/_autosummary/otx.core.exporter.rst", "guide/reference/_autosummary/otx.core.exporter.base.rst", "guide/reference/_autosummary/otx.core.exporter.exportable_code.rst", "guide/reference/_autosummary/otx.core.exporter.exportable_code.demo.rst", "guide/reference/_autosummary/otx.core.exporter.mmdeploy.rst", "guide/reference/_autosummary/otx.core.exporter.native.rst", "guide/reference/_autosummary/otx.core.exporter.visual_prompting.rst", "guide/reference/_autosummary/otx.core.metrics.rst", "guide/reference/_autosummary/otx.core.metrics.accuracy.rst", "guide/reference/_autosummary/otx.core.metrics.fmeasure.rst", "guide/reference/_autosummary/otx.core.model.rst", "guide/reference/_autosummary/otx.core.model.entity.rst", "guide/reference/_autosummary/otx.core.model.entity.action_classification.rst", "guide/reference/_autosummary/otx.core.model.entity.action_detection.rst", "guide/reference/_autosummary/otx.core.model.entity.base.rst", "guide/reference/_autosummary/otx.core.model.entity.classification.rst", "guide/reference/_autosummary/otx.core.model.entity.detection.rst", "guide/reference/_autosummary/otx.core.model.entity.instance_segmentation.rst", "guide/reference/_autosummary/otx.core.model.entity.rotated_detection.rst", "guide/reference/_autosummary/otx.core.model.entity.segmentation.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmaction.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmdet.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmpretrain.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmseg.rst", "guide/reference/_autosummary/otx.core.model.entity.visual_prompting.rst", "guide/reference/_autosummary/otx.core.model.module.rst", "guide/reference/_autosummary/otx.core.model.module.action_classification.rst", "guide/reference/_autosummary/otx.core.model.module.action_detection.rst", "guide/reference/_autosummary/otx.core.model.module.anomaly.rst", "guide/reference/_autosummary/otx.core.model.module.base.rst", "guide/reference/_autosummary/otx.core.model.module.classification.rst", "guide/reference/_autosummary/otx.core.model.module.detection.rst", "guide/reference/_autosummary/otx.core.model.module.instance_segmentation.rst", "guide/reference/_autosummary/otx.core.model.module.rotated_detection.rst", "guide/reference/_autosummary/otx.core.model.module.segmentation.rst", "guide/reference/_autosummary/otx.core.model.module.visual_prompting.rst", "guide/reference/_autosummary/otx.core.types.rst", "guide/reference/_autosummary/otx.core.types.device.rst", "guide/reference/_autosummary/otx.core.types.explain.rst", "guide/reference/_autosummary/otx.core.types.export.rst", "guide/reference/_autosummary/otx.core.types.image.rst", "guide/reference/_autosummary/otx.core.types.precision.rst", "guide/reference/_autosummary/otx.core.types.task.rst", "guide/reference/_autosummary/otx.core.types.transformer_libs.rst", "guide/reference/_autosummary/otx.core.utils.rst", "guide/reference/_autosummary/otx.core.utils.build.rst", "guide/reference/_autosummary/otx.core.utils.cache.rst", "guide/reference/_autosummary/otx.core.utils.config.rst", "guide/reference/_autosummary/otx.core.utils.imports.rst", "guide/reference/_autosummary/otx.core.utils.instantiators.rst", "guide/reference/_autosummary/otx.core.utils.mask_util.rst", "guide/reference/_autosummary/otx.core.utils.pylogger.rst", "guide/reference/_autosummary/otx.core.utils.tile_merge.rst", "guide/reference/_autosummary/otx.core.utils.utils.rst", "guide/reference/_autosummary/otx.data.rst", "guide/reference/_autosummary/otx.engine.rst", "guide/reference/_autosummary/otx.hpo.rst", "guide/reference/_autosummary/otx.recipe.rst", "guide/reference/_autosummary/otx.tools.rst", "guide/reference/_autosummary/otx.tools.translate_mmrecipe.rst", "guide/reference/_autosummary/otx.utils.rst", "guide/reference/index.rst", "guide/release_notes/index.rst", "guide/tutorials/advanced/configuration.rst", "guide/tutorials/advanced/index.rst", "guide/tutorials/base/explain.rst", "guide/tutorials/base/export.rst", "guide/tutorials/base/how_to_train/action_classification.rst", "guide/tutorials/base/how_to_train/action_detection.rst", "guide/tutorials/base/how_to_train/anomaly_detection.rst", "guide/tutorials/base/how_to_train/classification.rst", "guide/tutorials/base/how_to_train/detection.rst", "guide/tutorials/base/how_to_train/index.rst", "guide/tutorials/base/how_to_train/instance_segmentation.rst", "guide/tutorials/base/how_to_train/semantic_segmentation.rst", "guide/tutorials/base/how_to_train/visual_prompting.rst", "guide/tutorials/base/index.rst", "index.rst"], "titles": ["Adaptive Training", "Auto-configuration", "Class-Incremental Sampler", "Fast Data Loading", "Hyperparameters Optimization", "Additional Features", "Models Optimization", "Improve Small Object Detection with Image Tiling", "Explainable AI (XAI)", "Action Classification", "Action Detection", "Action Recognition", "Anomaly Detection", "Hierarchical Classification", "Classification", "Multi-class Classification", "Multi-label Classification", "Algorithms", "Object Detection", "Object Detection", "Segmentation", "Instance Segmentation", "Semantic Segmentation", "Visual Prompting (Fine-tuning)", "Visual Prompting", "Visual Prompting (Zero-shot learning)", "Product Design", " API Quick-Guide", " CLI Guide", " Installation", "Introduction", "Guide", "otx", "otx.algo", "otx.algo.accelerators", "otx.algo.action_classification", "otx.algo.classification", "otx.algo.classification.backbones", "otx.algo.classification.heads", "otx.algo.classification.losses", "otx.algo.detection", "otx.algo.detection.backbones", "otx.algo.detection.backbones.pytorchcv_backbones", "otx.algo.detection.heads", "otx.algo.detection.losses", "otx.algo.plugins", "otx.algo.segmentation", "otx.algo.segmentation.backbones", "otx.algo.segmentation.heads", "otx.algo.segmentation.losses", "otx.algo.strategies", "otx.algo.visual_prompting", "otx.algo.visual_prompting.backbones", "otx.algo.visual_prompting.decoders", "otx.algo.visual_prompting.encoders", "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.base", "otx.core.exporter.exportable_code", "otx.core.exporter.exportable_code.demo", "otx.core.exporter.mmdeploy", "otx.core.exporter.native", "otx.core.exporter.visual_prompting", "otx.core.metrics", "otx.core.metrics.accuracy", "otx.core.metrics.fmeasure", "otx.core.model", "otx.core.model.entity", "otx.core.model.entity.action_classification", "otx.core.model.entity.action_detection", "otx.core.model.entity.base", "otx.core.model.entity.classification", "otx.core.model.entity.detection", "otx.core.model.entity.instance_segmentation", "otx.core.model.entity.rotated_detection", "otx.core.model.entity.segmentation", "otx.core.model.entity.utils", "otx.core.model.entity.utils.mmaction", "otx.core.model.entity.utils.mmdet", "otx.core.model.entity.utils.mmpretrain", "otx.core.model.entity.utils.mmseg", "otx.core.model.entity.visual_prompting", "otx.core.model.module", "otx.core.model.module.action_classification", "otx.core.model.module.action_detection", "otx.core.model.module.anomaly", "otx.core.model.module.base", "otx.core.model.module.classification", "otx.core.model.module.detection", "otx.core.model.module.instance_segmentation", "otx.core.model.module.rotated_detection", "otx.core.model.module.segmentation", "otx.core.model.module.visual_prompting", "otx.core.types", "otx.core.types.device", "otx.core.types.explain", "otx.core.types.export", "otx.core.types.image", "otx.core.types.precision", "otx.core.types.task", "otx.core.types.transformer_libs", "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.pylogger", "otx.core.utils.tile_merge", "otx.core.utils.utils", "otx.data", "otx.engine", "otx.hpo", "otx.recipe", "otx.tools", "otx.tools.translate_mmrecipe", "otx.utils", "API reference", "Releases", "How to write OTX Configuration (recipe)", "Advanced Tutorials", "XAI Tutorial", "Deploy & Demo", "Action Classification model", "Action Detection model", "Anomaly Detection Tutorial", "Classification model", "Object Detection model", "Training to deployment tutorials", "Instance Segmentation model", "Semantic Segmentation model", "Visual Prompting model", "Base Tutorials", "Welcome to Intel OpenVINO Training Extensions\u2019s develop documentation!"], "terms": {"focus": [0, 39, 142, 146], "adjust": [0, 1, 7, 23, 26, 100], "number": [0, 1, 2, 4, 7, 9, 12, 17, 19, 21, 22, 28, 34, 35, 38, 40, 43, 47, 51, 52, 53, 54, 65, 74, 78, 79, 84, 92, 93, 94, 116, 118, 123, 126, 131, 138, 139, 140, 141, 142, 144, 145, 146], "iter": [0, 1, 15, 19, 21, 22, 54, 56, 59, 61, 74, 126, 127, 138, 139, 141, 142, 144, 145, 146], "interv": [0, 126], "valid": [0, 1, 4, 7, 9, 12, 13, 15, 16, 19, 21, 22, 27, 28, 29, 30, 38, 49, 51, 61, 65, 84, 97, 98, 99, 100, 101, 102, 103, 105, 106, 126, 138, 139, 141, 142, 146], "achiev": [0, 1, 19, 21, 22, 26, 133, 138, 139, 141, 142, 144, 146], "fast": [0, 1, 5, 6, 8, 10, 19, 22, 138, 139, 140, 141, 142, 144, 145, 146], "In": [0, 4, 7, 9, 10, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 49, 51, 60, 75, 76, 79, 127, 137, 140], "small": [0, 5, 15, 16, 19, 51, 133], "data": [0, 1, 2, 5, 7, 8, 9, 12, 15, 17, 21, 22, 23, 26, 27, 28, 35, 38, 43, 51, 61, 64, 66, 67, 82, 84, 86, 87, 94, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 123, 126, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "regim": [0, 133], "we": [0, 1, 6, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 39, 40, 60, 69, 99, 117, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "don": [0, 26, 99, 126], "t": [0, 21, 22, 25, 26, 40, 74, 78, 99, 126, 146], "need": [0, 1, 4, 8, 15, 16, 19, 22, 25, 26, 27, 28, 29, 54, 60, 65, 69, 99, 100, 102, 103, 117, 128, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "model": [0, 3, 4, 5, 8, 17, 26, 28, 29, 30, 33, 35, 36, 37, 38, 39, 40, 42, 45, 46, 47, 48, 49, 51, 52, 53, 54, 56, 70, 71, 74, 75, 76, 109, 116, 117, 124, 126, 127, 128, 133, 134, 136, 137, 140, 143, 147], "everi": [0, 13, 17, 30, 35, 38, 40, 100], "epoch": [0, 1, 4, 9, 12, 21, 22, 23, 27, 28, 100, 103, 106, 126, 138, 139, 140, 141, 142, 144, 145, 146], "sinc": [0, 7, 12, 40, 78, 85, 99, 116, 117, 141], "ar": [0, 1, 4, 7, 8, 9, 10, 12, 13, 15, 16, 19, 22, 23, 25, 26, 27, 28, 29, 30, 38, 49, 51, 54, 56, 78, 79, 84, 100, 103, 106, 117, 127, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "few": [0, 4], "singl": [0, 7, 8, 9, 10, 13, 15, 16, 19, 21, 22, 26, 30, 43, 50, 51, 53, 55, 61, 79, 97, 98, 101, 102, 103, 105, 106, 109, 123, 127, 136, 137], "To": [0, 1, 6, 7, 9, 10, 12, 13, 15, 16, 17, 19, 22, 23, 26, 27, 28, 29, 49, 51, 60, 79, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "handl": [0, 13, 21, 22, 23, 25, 26, 30, 45, 126], "thi": [0, 1, 2, 4, 7, 8, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 35, 40, 43, 49, 51, 55, 56, 59, 60, 65, 69, 74, 75, 76, 78, 79, 84, 85, 91, 92, 93, 94, 99, 100, 104, 109, 117, 126, 128, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "have": [0, 1, 4, 13, 19, 21, 22, 23, 26, 28, 29, 30, 40, 51, 69, 78, 79, 95, 99, 100, 120, 126, 138, 139, 140, 141, 142, 144, 145, 146], "implement": [0, 7, 8, 22, 26, 40, 41, 43, 48, 49, 51, 60, 75, 76, 127], "modul": [0, 1, 3, 7, 8, 26, 27, 28, 30, 32, 33, 35, 36, 37, 38, 39, 40, 41, 42, 45, 46, 47, 48, 49, 51, 52, 53, 54, 55, 56, 58, 60, 62, 63, 64, 65, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 107, 115, 116, 119, 123, 126, 129, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146, 148], "name": [0, 4, 9, 10, 12, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 40, 47, 49, 56, 60, 65, 71, 74, 75, 76, 78, 82, 84, 85, 86, 87, 88, 89, 99, 100, 116, 117, 122, 126, 138, 139, 140, 141, 142, 144, 145, 146], "adaptivetrainschedul": 0, "callback": [0, 27, 28, 40, 61, 84, 99, 100, 103, 106, 120, 126, 134], "control": [0, 1, 4, 12, 27, 51], "do": [0, 4, 6, 25, 26, 27, 29, 54, 79, 136, 137, 141, 142, 144, 146], "faster": [0, 1, 4, 10, 12, 19, 21, 30, 133], "chang": [0, 12, 15, 16, 21, 26, 27, 28, 29, 99, 127, 133, 134], "evalu": [0, 4, 7, 26, 144, 145], "updat": [0, 1, 4, 17, 19, 21, 29, 35, 40, 51, 56, 60, 61, 74, 78, 79, 102, 103, 117, 133, 141, 142, 144, 145, 146], "learn": [0, 1, 2, 4, 8, 9, 10, 12, 15, 16, 17, 19, 21, 22, 23, 24, 26, 27, 30, 34, 48, 49, 51, 95, 100, 106, 126, 133, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147], "rate": [0, 1, 9, 12, 15, 16, 19, 21, 22, 23, 100, 126, 138, 139, 140, 141, 142, 144, 145, 146], "check": [0, 1, 23, 29, 34, 51, 56, 60, 61, 64, 117, 124, 126, 127, 137, 138, 140, 141, 142, 144, 146], "dataset": [0, 1, 2, 3, 7, 17, 26, 30, 40, 65, 74, 79, 84, 120, 126, 133, 136, 137], "api": [0, 1, 2, 3, 4, 6, 7, 8, 26, 30, 60, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "from": [0, 1, 2, 3, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 35, 38, 42, 47, 48, 49, 51, 53, 54, 56, 59, 60, 61, 65, 69, 71, 74, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 97, 98, 99, 100, 101, 102, 103, 105, 106, 111, 116, 117, 120, 124, 126, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "otx": [0, 1, 2, 3, 4, 6, 8, 9, 10, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 133, 135, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "algo": [0, 2, 12, 27, 28, 134], "adaptive_train_schedul": 0, "import": [0, 1, 2, 3, 4, 6, 7, 8, 26, 27, 59, 60, 138, 139, 140, 141, 142, 144, 145, 146], "engin": [0, 1, 4, 6, 7, 8, 26, 28, 56, 66, 99, 117, 120, 134, 136, 138, 139, 140, 141, 142, 144, 145, 146], "cli": [0, 1, 2, 3, 4, 6, 7, 8, 26, 27, 29, 30, 65, 120, 126, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "deep": [1, 12, 26, 27, 30], "framework": [1, 21, 22, 23, 25, 26, 30, 35, 74, 124], "mean": [1, 4, 8, 12, 16, 22, 39, 40, 47, 49, 65, 71, 74, 75, 76, 78, 91, 92, 93, 94, 116, 124, 133, 136], "automat": [1, 4, 7, 23, 25, 30, 45, 79, 127, 133, 136, 141, 142, 144, 146], "find": [1, 4, 7, 9, 10, 13, 15, 16, 19, 21, 26, 27, 51, 74, 79, 118, 133, 138, 139, 140, 141, 142, 144, 145, 146], "most": [1, 8, 12, 17, 19, 23, 25, 26, 28, 30, 138, 139, 141, 142, 144, 145, 146], "appropri": [1, 30, 51, 124], "set": [1, 2, 4, 7, 10, 12, 13, 16, 17, 19, 21, 22, 27, 29, 30, 34, 35, 38, 39, 40, 47, 50, 51, 52, 54, 56, 57, 59, 60, 61, 79, 85, 97, 98, 101, 102, 103, 105, 106, 116, 117, 126, 133, 137, 141, 142, 144, 145, 146], "train": [1, 2, 3, 4, 5, 8, 9, 10, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 30, 32, 34, 40, 42, 43, 45, 47, 49, 50, 51, 59, 61, 63, 65, 69, 84, 94, 99, 100, 106, 126, 127, 133, 134, 136, 137, 147], "paramet": [1, 6, 15, 16, 19, 22, 26, 27, 28, 30, 35, 37, 38, 39, 40, 43, 45, 47, 48, 49, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 64, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 91, 92, 93, 94, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 117, 118, 120, 121, 122, 123, 124, 126, 127, 131, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "base": [1, 2, 4, 8, 15, 19, 26, 27, 28, 30, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 56, 59, 61, 62, 65, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 82, 83, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 96, 97, 98, 99, 101, 102, 103, 104, 105, 106, 108, 109, 110, 111, 112, 113, 114, 117, 120, 123, 125, 126, 127, 133, 136, 140, 141, 142, 144, 145, 146], "specif": [1, 13, 16, 17, 26, 27, 28, 37, 51, 56, 136, 138, 139, 140, 141, 142, 144, 145, 146], "task": [1, 3, 4, 6, 7, 9, 10, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 35, 38, 40, 41, 43, 51, 52, 57, 60, 69, 78, 79, 84, 97, 98, 99, 101, 102, 103, 104, 105, 106, 126, 133, 134, 136, 138, 139, 140, 141, 142, 143, 144, 145, 146], "hand": [1, 21, 26, 29], "can": [1, 3, 4, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 49, 51, 65, 74, 79, 82, 83, 84, 85, 86, 87, 88, 89, 95, 99, 116, 126, 127, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "help": [1, 2, 4, 8, 26, 27, 29, 59, 138, 139, 140, 141, 142, 144, 145, 146], "save": [1, 8, 25, 28, 30, 47, 56, 69, 71, 75, 76, 84, 99, 100, 106, 127, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "time": [1, 3, 4, 7, 8, 15, 17, 19, 21, 22, 23, 26, 28, 29, 69, 94, 133, 138, 139, 140, 141, 142, 144, 145, 146], "eas": 1, "process": [1, 3, 4, 7, 12, 19, 21, 22, 23, 25, 26, 28, 30, 35, 38, 51, 65, 95, 99, 100, 123, 126, 131, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "interact": [1, 84], "openvino": [1, 3, 4, 6, 8, 9, 12, 17, 21, 22, 23, 25, 26, 27, 28, 30, 32, 35, 51, 63, 71, 74, 75, 76, 82, 84, 85, 86, 87, 88, 89, 95, 126, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146, 147], "extens": [1, 3, 4, 6, 7, 8, 9, 12, 13, 17, 21, 22, 23, 25, 26, 27, 28, 30, 32, 63, 69, 84, 99, 100, 133, 138, 139, 140, 141, 142, 144, 145, 146, 147], "give": [1, 8, 25, 30], "better": [1, 4, 10, 15, 19, 26, 28, 40], "baselin": [1, 28], "given": [1, 4, 13, 15, 16, 23, 25, 26, 28, 30, 35, 51, 53, 54, 56, 58, 61, 71, 75, 76, 79, 95, 111, 118, 120, 121, 133], "At": [1, 12, 13, 19, 22, 26], "end": [1, 17, 22, 26, 100, 103, 106, 142, 144, 146], "develop": [1, 8, 23, 25, 26, 27, 30], "simpl": [1, 19, 22, 30, 49, 137], "function": [1, 9, 10, 12, 15, 16, 19, 21, 22, 23, 26, 27, 28, 29, 30, 35, 36, 38, 42, 47, 49, 51, 52, 55, 56, 57, 58, 59, 60, 61, 64, 65, 74, 79, 82, 84, 85, 86, 87, 91, 92, 93, 94, 95, 97, 98, 100, 101, 102, 103, 104, 105, 106, 115, 116, 118, 119, 120, 121, 122, 124, 126, 127, 131, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "util": [1, 3, 4, 12, 17, 22, 26, 27, 28, 46, 65, 137, 140, 141, 142, 144, 145, 146], "our": [1, 6, 9, 13, 15, 16, 17, 19, 21, 22, 27, 28, 137, 141, 142, 144, 145, 146], "basic": [1, 8, 22, 25, 26, 28, 35, 134], "start": [1, 4, 22, 26, 28, 30, 59, 100, 106, 133, 138, 139, 140, 141, 142, 144, 145, 146], "obtain": [1, 10, 13, 15, 16, 21, 22, 23, 25, 30, 51, 79, 137], "good": [1, 4, 8, 12, 19, 100, 140], "best": [1, 4, 15, 22, 26, 28, 30, 51, 79, 127], "trade": [1, 7, 12, 22, 28, 30], "off": [1, 4, 7, 12, 22, 28, 29, 30], "between": [1, 4, 7, 8, 12, 13, 21, 22, 26, 51, 61, 138, 141, 142, 146], "accuraci": [1, 7, 9, 15, 19, 21, 22, 28, 30, 40, 101, 134, 138, 139, 141, 142, 146], "speed": [1, 3, 7, 8, 21, 22, 28, 30, 47, 133], "pass": [1, 19, 22, 28, 45, 56, 59, 60, 65, 84, 99, 100, 120, 137, 138, 140, 141, 142, 144, 145, 146], "onli": [1, 4, 7, 8, 10, 12, 21, 23, 25, 26, 28, 29, 38, 47, 51, 60, 61, 69, 75, 76, 78, 84, 95, 99, 126, 127, 131, 137], "right": [1, 13, 25, 51, 60, 85, 94, 142, 146], "format": [1, 7, 26, 27, 28, 30, 51, 54, 59, 71, 74, 75, 76, 84, 94, 99, 100, 110, 118, 121, 126, 133, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "without": [1, 7, 15, 16, 19, 21, 25, 26, 28, 38, 69, 71, 74, 137, 138, 140, 141, 142, 144, 145, 146], "specifi": [1, 7, 12, 27, 28, 34, 49, 51, 56, 59, 60, 71, 75, 76, 84, 99, 100, 126, 136, 137, 144, 146], "anyth": [1, 23, 25, 30, 51, 53, 54], "els": [1, 99, 141], "data_root": [1, 4, 8, 23, 25, 26, 27, 28, 61, 65, 126, 136, 138, 139, 140, 141, 142, 144, 145, 146], "path_to_data_root": [1, 4, 23, 25, 26], "after": [1, 4, 7, 9, 12, 13, 19, 23, 26, 28, 29, 35, 74, 85, 94, 99, 133, 137, 138, 139, 141, 142, 144, 145, 146], "prepar": [1, 28, 56], "middl": [1, 22], "recip": [1, 10, 13, 15, 16, 19, 21, 22, 23, 25, 26, 28, 30, 130, 135, 136, 138, 139, 140, 141, 142, 144, 145, 146], "competit": [1, 15, 138, 139], "preserv": [1, 22], "infer": [1, 6, 7, 8, 12, 13, 19, 21, 22, 25, 26, 30, 38, 51, 74, 82, 84, 85, 86, 87, 88, 89, 95, 111, 116, 133, 137, 138, 139, 142, 146], "support": [1, 7, 8, 9, 10, 12, 13, 15, 17, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 34, 48, 49, 50, 51, 57, 60, 84, 99, 126, 133, 138, 139, 141, 142, 144, 145, 146], "each": [1, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 26, 28, 30, 40, 43, 47, 49, 51, 52, 54, 56, 60, 69, 78, 79, 94, 109, 116, 120, 126, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "classif": [1, 3, 4, 10, 11, 17, 19, 21, 28, 30, 35, 40, 51, 78, 82, 83, 91, 92, 93, 94, 97, 116, 133, 134, 136, 143], "imagenet": [1, 15], "coco": [1, 10, 16, 19, 21, 23, 25, 26, 28, 133, 142, 144, 146], "multi": [1, 10, 12, 13, 14, 17, 22, 30, 34, 38, 78, 85, 101, 122, 133, 141], "label": [1, 2, 9, 10, 12, 13, 14, 17, 22, 23, 25, 26, 30, 36, 38, 43, 47, 48, 49, 51, 54, 78, 79, 84, 85, 97, 98, 99, 100, 101, 102, 104, 105, 123, 133, 137, 138, 140, 141, 145], "custom": [1, 7, 10, 13, 19, 23, 25, 26, 27, 28, 33, 35, 37, 38, 39, 40, 41, 43, 44, 48, 49, 59, 60, 64, 69, 77, 79, 126, 133, 137, 141], "hierarch": [1, 14, 17, 30, 38, 78, 85, 133, 141], "object": [1, 5, 8, 10, 17, 21, 22, 26, 27, 28, 30, 35, 44, 56, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 71, 74, 86, 99, 111, 116, 117, 118, 120, 121, 122, 126, 133, 136, 138, 139, 140, 144, 145, 146], "detect": [1, 5, 11, 17, 21, 26, 27, 28, 30, 51, 74, 79, 83, 87, 88, 89, 97, 98, 103, 104, 116, 123, 126, 133, 136, 138, 141, 143, 144, 145, 146], "pascal": [1, 16, 19, 21, 22, 23, 25, 142, 145, 146], "voc": [1, 16, 19, 21, 22, 23, 25, 26, 133, 142, 146], "yolo": [1, 26, 28, 142], "semant": [1, 17, 20, 23, 25, 30, 89, 133, 143, 146], "segment": [1, 7, 9, 17, 23, 25, 30, 51, 53, 54, 87, 103, 123, 133, 136, 143, 146], "common": [1, 8, 15, 16, 17, 19, 22, 23, 25, 30, 100, 146], "cityscap": [1, 21, 22, 26], "ade20k": [1, 21], "action": [1, 17, 30, 35, 59, 82, 83, 97, 98, 133, 143], "cvat": 1, "anomali": [1, 17, 30, 60, 125, 133, 143], "mvtec": [1, 12, 125, 140], "instanc": [1, 7, 12, 15, 17, 20, 23, 25, 30, 56, 87, 91, 92, 93, 94, 103, 123, 126, 133, 136, 143, 145], "If": [1, 3, 4, 6, 7, 10, 12, 22, 25, 26, 27, 28, 29, 30, 35, 38, 49, 51, 52, 56, 59, 60, 79, 99, 100, 103, 106, 119, 126, 127, 137, 139, 141, 142, 144, 145, 146], "occlud": 1, "other": [1, 4, 7, 10, 12, 15, 21, 22, 23, 25, 26, 27, 28, 29, 30, 38, 60, 61, 74, 136, 137, 138, 146], "exampl": [1, 7, 8, 13, 16, 19, 22, 25, 26, 27, 28, 29, 51, 59, 60, 61, 64, 65, 100, 117, 121, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "should": [1, 4, 9, 16, 22, 26, 28, 38, 51, 64, 78, 79, 120, 126, 136, 138, 139], "directli": [1, 29, 51, 84], "emphas": 1, "type": [1, 4, 17, 21, 25, 26, 27, 28, 30, 35, 38, 43, 49, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 69, 71, 74, 75, 76, 79, 84, 86, 87, 91, 92, 93, 94, 99, 100, 103, 104, 106, 117, 119, 120, 121, 124, 126, 127, 133, 134, 137, 140, 144, 146], "choos": [1, 13, 26, 28, 30, 100, 138, 139, 141, 142, 144, 145, 146], "you": [1, 4, 6, 7, 12, 16, 19, 22, 25, 26, 27, 28, 29, 30, 49, 61, 100, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "might": [1, 99, 100, 140], "intend": [1, 22, 27], "task_typ": [1, 125], "multi_class_cl": [1, 15, 28, 134, 141], "multi_label_cl": [1, 16, 28], "h_label_cl": [1, 13, 28], "instance_segment": [1, 21, 27, 144], "semantic_segment": [1, 145], "action_classif": [1, 9, 28, 138], "action_detect": [1, 10, 28, 139], "action_segment": 1, "anomaly_classif": [1, 28, 140], "anomaly_detect": [1, 28, 140], "anomaly_segment": [1, 28, 140], "visual_prompt": [1, 146], "featur": [1, 4, 7, 8, 10, 12, 15, 17, 19, 21, 22, 25, 26, 27, 28, 35, 38, 51, 95, 133, 134, 141, 142, 146], "current": [1, 4, 7, 9, 10, 12, 19, 22, 23, 25, 27, 29, 51, 59, 65, 97, 98, 101, 102, 103, 105, 106, 127, 134, 140, 142, 144, 146], "hardwar": [1, 19, 28, 60, 138, 139, 140, 141, 142, 144, 145, 146], "environ": [1, 4, 29, 127, 136, 137], "There": [1, 25, 28, 30, 144, 146], "two": [1, 7, 8, 10, 15, 21, 25, 29, 37, 40, 51, 60, 79, 116, 140, 146], "method": [1, 4, 6, 8, 21, 22, 23, 25, 30, 39, 43, 49, 51, 54, 56, 59, 61, 67, 71, 72, 78, 85, 99, 104], "avail": [1, 4, 9, 10, 12, 13, 15, 16, 17, 23, 25, 26, 28, 30, 34, 51, 56, 60, 127, 139, 140, 141, 142, 144, 145, 146], "prevent": [1, 8, 12, 15, 16, 19, 21, 22, 23, 49, 51, 133, 137], "gpu": [1, 3, 4, 7, 27, 28, 30, 34, 122, 127, 133], "out": [1, 7], "memori": [1, 7, 28, 30, 47, 133, 146], "safe": [1, 8, 64], "mode": [1, 4, 26, 29, 37, 42, 47, 49, 51, 68, 84, 94, 126, 133, 134, 137], "The": [1, 4, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 26, 27, 28, 29, 30, 35, 38, 39, 49, 51, 53, 54, 56, 58, 59, 60, 61, 62, 64, 69, 71, 75, 76, 78, 79, 94, 97, 98, 99, 101, 102, 103, 104, 105, 106, 117, 119, 120, 122, 126, 131, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "first": [1, 6, 13, 17, 22, 28, 29, 35, 43, 59, 79, 126, 131, 139, 141, 142, 144, 145, 146], "i": [1, 2, 3, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 34, 35, 40, 43, 48, 49, 51, 54, 55, 56, 57, 58, 59, 60, 61, 65, 69, 71, 74, 75, 76, 78, 79, 84, 85, 94, 99, 100, 102, 103, 104, 116, 117, 119, 121, 126, 127, 128, 131, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "compat": [1, 29, 35, 82, 83, 85, 86, 87, 88, 89, 95, 99, 133], "devic": [1, 26, 27, 28, 34, 50, 51, 65, 91, 92, 93, 94, 126, 134, 137, 138, 140, 141, 142, 144, 145, 146], "larger": [1, 7, 12, 30], "consum": [1, 4, 7, 15, 26, 82, 83, 85, 86, 87, 88, 89, 95], "more": [1, 4, 6, 7, 8, 9, 12, 13, 15, 16, 19, 21, 22, 23, 28, 29, 30, 51, 53, 59, 60, 95, 127, 136, 138, 139, 140, 141, 142, 144, 145, 146], "therefor": [1, 23, 26, 60, 69], "system": [1, 8, 26, 29, 60, 127, 137, 140], "verifi": 1, "possibl": [1, 4, 26, 28, 30, 51, 60, 109, 127, 137], "": [1, 4, 7, 8, 12, 13, 15, 16, 19, 21, 22, 26, 27, 28, 40, 43, 54, 56, 59, 65, 71, 74, 76, 78, 84, 85, 99, 100, 109, 116, 120, 126, 127, 131, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "feasibl": [1, 23], "decreas": [1, 4, 127, 133, 138, 139, 140, 141, 142, 144, 145, 146], "reduc": [1, 3, 4, 7, 9, 12, 15, 21, 22, 28, 39, 49, 79], "usag": [1, 8, 27, 28, 59, 65, 126, 133], "howev": [1, 7, 15, 21, 26, 27, 43, 60, 84, 99, 126, 136], "too": 1, "low": [1, 19, 30, 51, 54, 136], "slow": [1, 47], "down": [1, 47], "address": [1, 7], "maximum": [1, 4, 22, 74, 123, 126], "amount": [1, 4, 15, 22], "could": [1, 60, 78, 126, 139, 141, 142, 144, 145, 146], "run": [1, 4, 6, 26, 27, 28, 47, 56, 84, 95, 126, 127, 137, 138, 139, 140, 141, 142, 144, 145, 146], "resourc": [1, 4, 7, 19, 21, 23, 30, 34, 127, 133], "also": [1, 4, 7, 9, 12, 17, 19, 21, 26, 27, 28, 30, 43, 56, 79, 126, 137, 138, 139, 140, 141, 142, 144, 145, 146], "accordingli": 1, "us": [1, 2, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 35, 38, 39, 40, 43, 45, 47, 49, 51, 52, 53, 54, 56, 60, 61, 62, 65, 71, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 114, 116, 117, 120, 124, 126, 127, 129, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146, 147], "add": [1, 15, 16, 19, 21, 22, 23, 26, 28, 52, 56, 57, 59, 60, 61, 78, 131, 133], "follow": [1, 4, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 109, 120, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "execut": [1, 7, 8, 9, 10, 13, 15, 16, 28, 29, 56, 74, 126, 131, 137, 138, 139, 141, 142, 144, 145, 146], "full": [1, 7, 22, 23, 29, 60, 123, 127, 144, 145], "second": [1, 12, 28, 59, 79, 141, 142, 145], "aim": [1, 4, 8, 16, 26], "larg": [1, 3, 7, 12, 15, 16, 19, 28, 34, 37, 78, 133, 142, 146], "overal": [1, 4, 7, 9, 16, 133], "increas": [1, 4, 7, 8, 9, 23, 28, 127, 146], "effect": [1, 2, 7, 47], "requir": [1, 4, 6, 7, 10, 19, 21, 22, 23, 26, 28, 29, 40, 57, 60, 61, 79, 85, 99, 137, 138, 140, 141, 142, 144, 145, 146], "sweep": 1, "whole": [1, 17, 23], "thu": [1, 28], "up": [1, 29, 34, 50, 133, 138, 139, 141, 142, 144, 145, 146], "doe": [1, 12, 26, 43, 49, 60, 99], "search": [1, 4, 148], "effici": [1, 4, 7, 12, 15, 19, 21, 28, 30, 133, 138, 140, 141, 142, 144, 145, 146], "mai": [1, 15, 16, 17, 21, 26, 29, 49, 141, 142, 144, 146], "significantli": [1, 7], "provid": [1, 3, 4, 6, 7, 8, 15, 17, 26, 27, 28, 29, 30, 40, 51, 56, 59, 61, 65, 84, 117, 120, 126, 128, 129, 134, 136, 137, 139, 141, 142, 144, 145, 146], "substanti": 1, "acceler": [1, 4, 7, 26, 30, 50, 66], "compar": [1, 12, 15, 30, 40, 116, 117], "similar": [1, 12, 51, 100], "previou": [1, 30, 40, 49, 54, 136, 137, 138, 139, 141, 142, 144, 145, 146], "accord": [1, 23, 25, 29, 40, 51, 56, 84, 126, 141, 142, 144, 146], "when": [1, 4, 7, 8, 12, 15, 21, 25, 26, 29, 30, 34, 43, 49, 51, 53, 54, 56, 57, 60, 65, 74, 100, 102, 103, 106, 128, 131, 133, 146], "fix": [1, 9, 17, 27, 29, 94, 133, 138, 139, 140, 141, 142, 144, 145, 146], "gener": [1, 8, 12, 16, 19, 23, 25, 26, 28, 30, 34, 40, 43, 45, 51, 69, 84, 109, 123, 133, 136, 140, 144, 145], "than": [1, 4, 16, 17, 19, 29, 60, 127, 144, 145], "smaller": [1, 7, 12], "earli": [1, 12, 15, 16, 19, 21, 22, 23, 144, 145], "stop": [1, 4, 12, 15, 16, 19, 21, 22, 23, 30, 127, 137, 144, 145], "enabl": [1, 3, 4, 12, 26, 28, 38, 45, 94, 126, 133, 144, 146], "lower": [1, 4], "finish": [1, 4], "subprocess": 1, "load": [1, 5, 28, 40, 45, 51, 65, 74, 84, 95, 100, 102, 103, 106, 117, 126, 133, 146], "dure": [1, 2, 7, 9, 12, 21, 35, 43, 126, 136, 137], "while": [1, 7, 8, 12, 17, 21, 22, 26, 47, 51, 71, 74, 138, 139, 140, 141, 142, 144, 145, 146], "high": [1, 3, 7, 28, 47, 51, 79, 142, 146], "signific": 1, "cpu": [1, 19, 28, 51, 60, 127, 133, 138, 140, 141, 142, 144, 145, 146], "simplifi": [1, 26, 133], "manual": [1, 60, 144, 145, 146], "determin": [1, 4, 7, 12, 54, 64, 79], "optim": [1, 5, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 26, 30, 34, 45, 50, 56, 79, 84, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 126, 127, 133, 134, 139], "valu": [1, 4, 7, 8, 12, 21, 27, 28, 35, 49, 51, 52, 56, 59, 61, 71, 74, 79, 94, 108, 109, 110, 111, 112, 113, 114, 118, 124, 126, 127, 133, 134, 138, 139, 141, 142, 144, 145, 146], "statu": [1, 57, 127], "core": [1, 3, 7, 27, 138, 139, 140, 141, 142, 144, 145, 146], "config": [1, 2, 3, 4, 7, 23, 25, 27, 28, 35, 36, 38, 40, 43, 47, 51, 56, 61, 69, 74, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 116, 117, 124, 126, 128, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "datamoduleconfig": [1, 3, 7, 65, 69, 138, 139, 140, 141, 142, 144, 145, 146], "otxdatamodul": [1, 3, 7, 8, 27, 28, 40, 69, 84, 95, 125, 126, 136, 138, 139, 140, 141, 142, 144, 145, 146], "data_config": [1, 3, 7, 138, 139, 140, 141, 142, 144, 145, 146], "auto_num_work": [1, 65], "true": [1, 4, 7, 8, 12, 35, 37, 40, 42, 43, 49, 50, 51, 52, 56, 59, 60, 62, 64, 65, 68, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 95, 117, 124, 126, 127, 133, 134, 136, 141, 142], "datamodul": [1, 3, 7, 8, 26, 27, 28, 56, 99, 100, 125, 126, 136, 138, 139, 140, 141, 142, 144, 145, 146], "creat": [2, 7, 8, 13, 15, 21, 26, 27, 29, 37, 56, 65, 69, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "an": [2, 4, 7, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 45, 51, 53, 56, 59, 60, 61, 79, 126, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146], "batch": [2, 3, 7, 15, 23, 26, 28, 30, 43, 47, 51, 53, 65, 79, 86, 87, 94, 97, 98, 99, 101, 102, 103, 105, 106, 123, 133, 138, 139, 140, 141, 142, 144, 145, 146], "For": [2, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 29, 51, 60, 78, 91, 92, 93, 94, 102, 103, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "default": [2, 4, 7, 8, 12, 26, 27, 28, 35, 38, 39, 43, 47, 49, 51, 56, 60, 61, 62, 71, 74, 75, 76, 78, 79, 94, 101, 116, 122, 123, 126, 127, 133, 134, 136, 138, 139, 141, 142, 146], "squar": [2, 7, 12, 51], "root": [2, 7, 22, 26, 28, 61, 119, 126, 141, 142, 144, 146], "old": 2, "new": [2, 17, 23, 25, 26, 30, 42, 49, 74, 99, 133, 137], "ratio": [2, 7, 52, 71, 74], "class_incremental_sampl": 2, "classincrementalsampl": 2, "otxdataset": [2, 69], "class_incr_sampl": 2, "batch_siz": [2, 23, 28, 65, 126, 138, 139, 140, 141, 142, 144, 145, 146], "32": [2, 9, 19, 23, 27, 125, 126], "old_class": 2, "car": [2, 15, 21, 22, 84], "truck": 2, "new_class": 2, "bu": 2, "train_subset": [2, 23, 28, 65, 126, 134, 138, 139, 140, 141, 142, 144, 145, 146], "class_path": [2, 28, 61, 64, 65, 120, 134], "init_arg": [2, 28, 61, 64, 65, 120, 134], "It": [2, 4, 7, 8, 12, 15, 16, 21, 22, 26, 27, 28, 29, 30, 40, 43, 48, 51, 54, 56, 60, 65, 69, 74, 78, 82, 83, 85, 86, 87, 88, 89, 94, 95, 100, 120, 126, 127, 131, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "ensur": [2, 4, 7, 19, 26, 27, 140], "sampl": [2, 4, 9, 12, 13, 15, 23, 26, 35, 38, 43, 49, 94, 120, 138, 139], "distribut": [2, 12, 15, 30, 50, 133], "supervis": [2, 9, 12, 15, 16, 17, 19, 21, 22, 30, 133, 145], "balanced_sampl": 2, "balancedsampl": 2, "sever": [3, 7, 10, 12, 23, 26, 27], "wai": [3, 8, 10, 26, 28, 134], "boost": 3, "one": [3, 4, 7, 12, 13, 15, 16, 21, 23, 25, 26, 28, 30, 51, 56, 79, 99, 100, 123, 140, 141, 146], "which": [3, 4, 8, 9, 10, 12, 13, 15, 16, 19, 22, 28, 30, 38, 51, 65, 71, 78, 79, 85, 86, 87, 91, 92, 93, 94, 99, 126, 127, 131, 136, 137, 138, 139, 141, 142, 144, 145, 146], "decod": [3, 23, 28, 48, 51, 54, 146], "imag": [3, 5, 8, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 27, 28, 29, 30, 35, 37, 43, 47, 49, 51, 52, 53, 54, 65, 71, 74, 79, 94, 97, 98, 101, 102, 105, 109, 123, 133, 136, 137, 140, 141, 142, 144, 145, 146], "main": [3, 8, 16, 23, 25, 27, 28, 30, 55, 56, 131, 138, 139, 141, 142, 144, 145, 146], "size": [3, 8, 12, 15, 19, 21, 22, 23, 25, 28, 30, 35, 37, 43, 51, 52, 54, 65, 71, 74, 94, 99, 121, 123, 126, 133, 138, 139, 140, 141, 142, 144, 145, 146], "contain": [3, 4, 12, 28, 38, 40, 51, 56, 59, 61, 74, 79, 84, 97, 98, 99, 100, 101, 102, 105, 109, 116, 120, 126, 136, 137, 138, 140, 141, 142, 144, 146, 147], "resolut": [3, 7, 15, 16, 21, 22, 28, 47, 54, 136], "account": [3, 28, 30, 79], "non": [3, 13, 28, 38, 49, 59, 79, 84, 123], "neglig": [3, 28], "overhead": [3, 28], "pre": [3, 10, 12, 23, 25, 28, 29, 35, 51, 79], "One": 3, "maxim": [3, 4, 28, 79], "those": [3, 28], "case": [3, 4, 10, 15, 19, 21, 22, 27, 28, 48, 51, 60, 74, 79, 100, 137, 141, 142, 144, 146], "mem_cache_s": [3, 28, 65], "8gb": [3, 28], "hpo": [4, 26, 27, 30, 126], "even": [4, 19, 30, 51, 79, 99], "state": [4, 8, 35, 36, 37, 40, 45, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100], "art": 4, "shelf": [4, 30], "librari": [4, 12, 23, 25, 60, 65, 74, 114], "make": [4, 8, 12, 21, 26, 28, 30, 45, 74, 78, 99, 127, 133, 139, 141], "easier": 4, "easi": [4, 27, 51, 65, 139, 141], "interfac": [4, 7, 84, 133], "With": [4, 26, 28], "simpli": 4, "ad": [4, 12, 17, 19, 49, 59, 61], "constraint": [4, 133], "auto": [4, 5, 15, 26, 28, 30, 40, 65, 126, 133, 134, 138, 139, 140, 141, 142, 144, 145, 146], "intern": [4, 8, 16, 22, 25, 28, 35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95], "guarante": 4, "within": [4, 7, 12, 19, 21, 28, 62], "both": [4, 7, 12, 21, 23, 26, 27, 28, 35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 140, 146], "sequenti": 4, "parallel": [4, 127], "scalabl": 4, "differ": [4, 8, 12, 13, 15, 16, 17, 21, 22, 27, 40, 49, 54, 65, 78, 79, 100, 116, 134, 142, 144, 146], "multipl": [4, 7, 12, 26, 27, 30, 38, 53, 61, 78, 94, 99, 100, 133], "all": [4, 7, 12, 16, 17, 22, 26, 27, 28, 29, 30, 55, 61, 67, 78, 79, 85, 99, 109, 136, 138, 139, 140, 141, 142, 144, 145, 146], "kei": [4, 26, 52, 56, 59, 61, 120, 121], "includ": [4, 7, 9, 12, 16, 26, 29, 30, 43, 49, 59, 94, 128, 138, 139, 140, 141, 144, 145, 146], "usabl": 4, "By": [4, 7, 12, 26, 28, 29], "offer": [4, 12, 21, 23, 25, 26, 27, 30], "straightforward": 4, "intuit": [4, 26, 144, 145], "user": [4, 7, 8, 12, 19, 26, 28, 30, 126], "take": [4, 7, 8, 19, 65, 138, 140, 141, 142, 144, 145, 146], "advantag": [4, 26], "just": [4, 12, 22, 27, 28, 51, 133, 136, 141, 142, 146], "argument": [4, 27, 28, 38, 49, 56, 59, 60, 61, 117, 120, 126, 133], "below": [4, 7, 8, 9, 10, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 29, 127, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "run_hpo": [4, 27, 126], "abund": [4, 12], "asha": [4, 127], "choic": [4, 15, 21, 22, 30], "asynchron": [4, 84, 127], "success": 4, "halv": 4, "sha": [4, 127], "design": [4, 6, 8, 21], "comput": [4, 7, 8, 10, 12, 15, 17, 19, 21, 22, 23, 25, 30, 35, 43, 51, 78, 79, 84, 124, 140], "machin": [4, 8, 26, 28, 34], "involv": [4, 7, 8, 12, 17, 21], "trial": [4, 28, 127], "them": [4, 13, 16, 19, 26, 29, 47, 56, 99, 100], "metric": [4, 16, 19, 21, 22, 27, 56, 97, 98, 100, 101, 102, 103, 104, 105, 106, 126, 133, 138, 139, 140, 141, 142, 144, 145, 146], "mani": [4, 127], "short": [4, 61], "perform": [4, 6, 7, 9, 12, 13, 15, 19, 23, 28, 35, 84, 85, 94, 97, 98, 101, 102, 103, 105, 106, 126, 133, 138, 140, 141, 142, 144, 145, 146], "advanc": [4, 21, 26, 30], "next": [4, 59, 127], "round": 4, "subsequ": [4, 12, 21], "spent": [4, 26], "repeat": 4, "until": 4, "remain": [4, 84, 126, 136, 141], "becaus": [4, 23, 60, 74, 126, 141, 142, 144, 146], "allow": [4, 7, 8, 21, 26, 28, 30, 51, 56, 61, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "independ": [4, 26, 51], "thei": [4, 19, 22, 26, 49, 79], "wait": [4, 29], "complet": [4, 28, 126], "befor": [4, 19, 26, 29, 38, 40, 45, 51, 74, 84, 106, 117, 123, 126], "techniqu": [4, 9, 12, 15, 19, 22, 23, 27], "call": [4, 19, 25, 26, 29, 35, 99, 100, 131, 134, 140, 144, 145], "hyperband": [4, 127], "much": [4, 26, 28, 30, 79, 140, 144, 145], "alloc": 4, "modifi": [4, 8, 19, 28, 40, 48, 61, 84, 116, 120], "hpo_config": [4, 126], "yaml": [4, 27, 28, 56, 64, 117, 126, 128, 130, 134, 136, 138, 139, 140, 141, 142, 144, 145, 146], "file": [4, 9, 16, 22, 27, 28, 29, 56, 61, 64, 71, 84, 90, 91, 92, 93, 94, 99, 100, 118, 124, 126, 128, 130, 131, 133, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "everyth": [4, 141], "relat": [4, 7, 13, 15, 19, 21, 22, 26, 29, 34, 55, 60, 61, 69, 110, 116, 141, 142], "alreadi": [4, 27, 28, 51], "exist": [4, 21, 28, 61, 78, 79, 126], "same": [4, 8, 9, 12, 13, 16, 19, 21, 22, 23, 25, 28, 43, 51, 60, 78, 79, 94, 131, 134, 136, 140, 141, 144, 146], "directori": [4, 26, 56, 61, 62, 71, 74, 75, 76, 84, 99, 100, 126, 140, 141], "where": [4, 7, 8, 9, 13, 16, 17, 19, 21, 22, 26, 27, 28, 29, 54, 56, 61, 71, 75, 76, 79, 124, 136, 137, 140], "resid": 4, "here": [4, 7, 19, 26, 128, 134, 136, 138, 139, 140, 141, 142, 144, 145, 146], "As": [4, 7, 12, 26, 137], "see": [4, 9, 10, 13, 15, 16, 26, 28, 29, 51, 53, 82, 83, 85, 86, 89, 91, 92, 93, 94, 134, 137, 138, 139, 140], "attribut": [4, 43, 51, 61, 123, 133], "fortun": 4, "so": [4, 8, 15, 19, 23, 25, 27, 29, 30, 40, 65, 69, 78, 79, 84, 126, 142, 146], "difficult": [4, 12, 23], "write": [4, 135], "your": [4, 6, 12, 22, 28, 29, 30, 100, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "own": [4, 12, 19, 26, 30, 136, 137], "detail": [4, 6, 7, 21, 26, 28, 47, 53, 59, 60, 127, 139, 140, 141, 142, 144, 145, 146], "descript": [4, 30, 51, 61], "hp_space": 4, "list": [4, 27, 28, 34, 38, 42, 43, 47, 48, 49, 51, 52, 56, 59, 60, 61, 64, 65, 68, 71, 74, 75, 76, 78, 79, 84, 86, 92, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 111, 118, 120, 121, 123, 124, 125, 126, 127, 133, 134, 137, 138, 139, 141, 142, 144, 145, 146], "dict": [4, 34, 35, 38, 40, 42, 43, 45, 47, 48, 51, 53, 56, 59, 60, 61, 65, 68, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100, 102, 103, 116, 117, 118, 120, 121, 123, 124, 125, 126, 127, 138, 139, 141, 142, 144, 145, 146], "str": [4, 28, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 51, 52, 54, 56, 57, 58, 59, 60, 61, 62, 64, 65, 68, 69, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100, 102, 103, 108, 109, 110, 111, 112, 113, 114, 116, 117, 119, 120, 122, 124, 125, 126, 127], "ani": [4, 15, 16, 19, 21, 25, 26, 34, 35, 40, 45, 49, 51, 56, 59, 61, 64, 65, 68, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 95, 99, 100, 102, 103, 104, 117, 118, 124, 125, 126, 127, 133], "space": [4, 8], "dictionari": [4, 26, 38, 40, 43, 47, 51, 56, 59, 61, 65, 79, 84, 99, 100, 116, 118, 120, 121, 124, 126], "ha": [4, 12, 15, 23, 26, 28, 43, 51, 54, 60, 69, 138, 139, 140, 141, 142, 144, 145, 146], "param_typ": 4, "rang": [4, 19, 51, 78], "must": [4, 26, 49, 51], "uniform": 4, "float": [4, 7, 35, 38, 39, 43, 45, 47, 49, 51, 52, 65, 68, 71, 74, 75, 76, 78, 79, 91, 92, 94, 95, 123, 125, 126, 127, 138, 141, 142, 146], "uniformli": 4, "upper": 4, "bound": [4, 7, 12, 19, 21, 23, 25, 30, 79, 104, 140], "quniform": 4, "quantiz": [4, 23, 25, 84, 95, 126, 140], "loguniform": 4, "scale": [4, 12, 16, 19, 23, 34, 38, 43, 64, 65, 74, 127, 134], "logarithm": 4, "qloguniform": 4, "categor": 4, "union": [4, 51, 79], "int": [4, 28, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 51, 52, 53, 54, 57, 59, 60, 64, 65, 66, 68, 71, 74, 75, 76, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 118, 121, 123, 124, 125, 126, 127, 131], "min": [4, 68], "max": [4, 27, 28, 68, 79, 94, 133, 134], "step": [4, 7, 9, 12, 19, 25, 29, 45, 59, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 126, 136, 137, 138, 139, 141, 142, 144, 145, 146], "unit": [4, 29], "log_bas": 4, "10": [4, 7, 9, 12, 23, 27, 28, 29, 60, 61, 126, 133, 134, 138, 140, 142, 144, 145, 146], "vaul": 4, "chosen": [4, 136], "candid": [4, 25], "map": [4, 7, 8, 10, 12, 16, 19, 21, 28, 38, 52, 84, 109, 126, 133, 136, 139, 142, 144, 146], "minim": [4, 21, 26, 29, 137], "depend": [4, 22, 26, 28, 29, 51, 57, 127, 137, 138, 141, 142, 144, 145, 146], "whether": [4, 12, 16, 26, 29, 38, 40, 47, 51, 53, 56, 60, 61, 62, 64, 71, 74, 75, 76, 78, 79, 94, 126, 127], "respect": 4, "maximum_resourc": [4, 68], "none": [4, 12, 16, 28, 34, 35, 36, 37, 38, 39, 40, 42, 43, 45, 47, 48, 49, 50, 51, 52, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 68, 69, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 117, 120, 123, 124, 125, 126, 127, 131], "reach": 4, "minimum_resourc": [4, 68, 127], "minimum": [4, 79, 127, 137], "least": [4, 140], "improv": [4, 5, 12, 19, 21, 22, 23, 30, 133], "hyperparamet": [5, 15, 19, 21, 22, 30, 69, 127, 133], "configur": [5, 6, 12, 26, 28, 30, 35, 38, 47, 51, 53, 56, 61, 65, 66, 67, 68, 74, 82, 83, 85, 86, 89, 91, 92, 93, 94, 99, 100, 101, 102, 103, 105, 106, 120, 126, 127, 133, 135, 138, 139, 140, 141, 142, 144, 145, 146], "adapt": [5, 7, 12, 15, 16, 19, 21, 22, 23, 25, 133], "explain": [5, 27, 28, 84, 85, 86, 87, 126, 133, 136, 137, 141, 142, 147], "ai": [5, 26, 28, 85, 86, 87, 100, 136], "xai": [5, 28, 85, 86, 87, 126, 133, 141, 142, 147], "tile": [5, 27, 30, 84, 86, 87, 123, 133], "class": [5, 8, 13, 14, 16, 17, 19, 21, 22, 26, 30, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 56, 59, 61, 62, 65, 66, 67, 68, 69, 71, 74, 75, 76, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 108, 109, 110, 111, 112, 113, 114, 116, 117, 118, 120, 123, 124, 125, 126, 127, 133, 136, 141, 145], "increment": [5, 15, 17, 30, 48, 49, 133], "sampler": [5, 15, 65, 120], "balanc": [5, 7, 15, 21, 22, 39, 51, 79], "algorithm": [6, 7, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 28, 30, 33, 127, 133, 136, 138], "ptq": [6, 23, 25, 27, 28, 82, 84, 126, 133, 138, 140, 141, 142, 144, 145, 146], "appli": [6, 7, 12, 23, 28, 29, 45, 54, 61, 78, 79, 126, 136, 137, 138, 140, 141, 142, 144, 145, 146], "retrain": [6, 17], "fine": [6, 12, 17, 24, 25, 26], "tune": [6, 7, 12, 17, 24, 25, 26, 127, 138, 139, 140, 141, 142, 144, 145, 146], "want": [6, 26, 27, 28, 29, 49, 61, 126, 134, 138, 139, 141, 142, 144, 145, 146], "know": [6, 28, 137], "about": [6, 8, 16, 19, 21, 26, 28, 30, 59, 100, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "how": [6, 8, 9, 13, 15, 16, 19, 21, 22, 26, 27, 28, 30, 126, 127, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147], "work": [6, 7, 8, 15, 16, 19, 21, 28, 51, 56, 61, 62, 84, 126, 137, 140, 141], "familiar": 6, "pleas": [6, 7, 10, 13, 15, 16, 19, 21, 22, 26, 28, 29, 82, 83, 85, 86, 89, 91, 92, 93, 94, 127, 137, 138, 140, 141, 142, 144, 145, 146], "refer": [6, 7, 8, 9, 10, 13, 15, 16, 19, 21, 22, 25, 26, 27, 28, 29, 30, 43, 51, 53, 54, 95, 106, 127, 137, 138, 139, 140, 141, 142, 144, 145, 146], "document": [6, 12, 28, 29, 133, 134, 140], "convert": [6, 9, 16, 26, 51, 56, 64, 71, 74, 104, 118, 121, 136], "intermedi": [6, 8, 28, 71, 74, 75, 76, 84, 126, 138, 140, 141, 142, 144, 145, 146], "represent": [6, 8, 12, 16, 28, 47, 64, 71, 74, 75, 76, 84, 126, 138, 140, 141, 142, 144, 145, 146], "ir": [6, 7, 27, 28, 71, 74, 76, 82, 84, 85, 86, 87, 88, 89, 95, 126, 133, 136, 138, 140, 141, 142, 144, 145, 146], "accur": [6, 22, 23, 30], "defaultquant": 6, "further": [6, 16, 54, 138, 141, 142, 144, 145, 146], "inform": [6, 9, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 30, 38, 40, 43, 51, 56, 59, 74, 78, 79, 84, 85, 94, 95, 99, 100, 101, 102, 103, 116, 123, 137, 138, 139, 140, 141, 142, 144, 145, 146], "dedic": [6, 13, 15, 16, 19, 21, 22, 28], "tutori": [6, 8, 9, 13, 15, 16, 19, 21, 22, 27, 28, 30, 139, 142, 144, 145, 146], "checkpoint": [6, 7, 8, 25, 27, 28, 47, 51, 56, 84, 99, 100, 102, 103, 124, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "path": [6, 8, 12, 22, 25, 26, 51, 56, 58, 61, 62, 71, 74, 75, 76, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100, 119, 120, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "introduc": [7, 26, 133], "concept": 7, "enhanc": [7, 26, 133], "particularli": [7, 17, 21], "dens": [7, 51, 54], "pack": 7, "divid": 7, "origin": [7, 9, 12, 51, 123, 136, 141], "patch": [7, 12, 34, 35, 52, 60, 61, 74, 91, 92, 93, 94], "divis": [7, 51], "appear": [7, 136], "challeng": [7, 145], "becom": [7, 17, 49], "nearli": 7, "invis": 7, "deeper": [7, 139, 141, 144, 146], "layer": [7, 12, 35, 38, 40, 47, 52, 84, 91, 92, 93, 94, 116], "due": [7, 8, 19, 21, 22, 29, 51, 142, 146], "downsampl": 7, "oper": [7, 13, 35, 49, 55, 84, 121, 126, 127, 133], "prove": [7, 19], "especi": [7, 25, 138, 140, 141, 142, 144, 145, 146], "benefici": 7, "20": [7, 12, 15, 22, 23, 29, 138, 139, 140, 141, 142, 144, 145], "pixel": [7, 12, 22, 47, 51, 54, 145], "4k": 7, "consid": [7, 26, 28, 29, 38, 78], "associ": [7, 17, 27, 126], "test": [7, 12, 15, 19, 25, 27, 28, 43, 69, 74, 82, 85, 86, 87, 88, 89, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 126, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146], "impact": [7, 19], "addit": [7, 12, 15, 19, 21, 22, 23, 26, 27, 28, 29, 30, 49, 56, 59, 74, 79, 120, 126, 136, 138, 139, 140, 141, 144, 145, 146], "strike": [7, 21], "incorpor": [7, 21, 26], "These": [7, 8, 12, 15, 25, 26, 28, 51], "proper": [7, 29, 30, 65], "compromis": [7, 21], "leverag": [7, 21], "empow": [7, 26], "local": [7, 10, 12, 19, 29, 79, 84, 136, 140], "crowd": 7, "ultim": 7, "lead": 7, "dota": 7, "crop": [7, 9, 10, 19, 22, 71, 74, 75, 76], "9": [7, 10, 12, 19, 21, 22, 134, 141], "annot": [7, 9, 13, 16, 19, 27, 28, 38, 49, 133, 138, 139, 141, 142, 144, 145, 146], "box": [7, 8, 12, 19, 21, 23, 25, 26, 30, 43, 51, 53, 54, 79, 104, 140], "mask": [7, 8, 12, 21, 22, 23, 25, 38, 43, 49, 51, 53, 54, 104, 121, 123, 133, 140, 144], "level": [7, 12, 13, 21, 22, 28, 43, 57, 59, 61, 84, 85, 140], "predict": [7, 8, 12, 13, 15, 16, 21, 22, 25, 28, 38, 49, 51, 53, 54, 78, 79, 84, 86, 87, 95, 99, 100, 103, 104, 106, 109, 123, 126, 133, 136, 137], "separ": [7, 13, 16, 21, 26, 61, 133], "stitch": 7, "back": 7, "togeth": [7, 19, 133, 136, 137], "form": [7, 26, 27, 54, 61, 65, 94, 138], "merg": [7, 86, 87, 123, 133], "through": [7, 8, 19, 26, 27, 28, 29, 30, 49, 133, 136], "imagetilingdataset": 7, "ot": 7, "context": [7, 45, 74], "650": 7, "17": 7, "2": [7, 19, 23, 25, 26, 31, 43, 51, 59, 60, 65, 101, 121, 126, 127, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "elaps": [7, 138, 140, 141, 142, 144, 145, 146], "38": [7, 22, 23, 25], "eta": 7, "0": [7, 10, 12, 15, 19, 21, 23, 25, 26, 31, 35, 37, 38, 39, 40, 43, 45, 48, 49, 50, 51, 52, 54, 59, 60, 65, 68, 71, 74, 75, 76, 78, 79, 84, 85, 92, 93, 94, 95, 99, 101, 117, 121, 123, 125, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "7": [7, 10, 19, 26, 51, 60], "326097726821899": 7, "sec": 7, "tile_config": [7, 65], "enable_til": [7, 65, 125], "1": [7, 9, 12, 15, 16, 19, 23, 26, 31, 35, 37, 38, 39, 43, 49, 51, 52, 54, 59, 60, 65, 66, 68, 71, 74, 75, 76, 78, 79, 84, 85, 92, 93, 95, 116, 117, 121, 124, 127, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "tileconfig": [7, 65], "averag": [7, 8, 15, 16, 21, 35, 43, 49, 78], "3": [7, 12, 13, 19, 26, 31, 47, 51, 52, 53, 60, 61, 68, 71, 74, 95, 121, 126, 127, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "100x100": 7, "around": [7, 12, 19, 26], "577x577": 7, "desir": [7, 22], "enough": [7, 28, 79, 133], "tiling_paramet": 7, "object_tile_ratio": [7, 65], "5": [7, 12, 19, 26, 27, 31, 35, 38, 51, 60, 65, 78, 79, 134, 136, 137, 141, 142, 144, 145, 146], "enable_adaptive_til": [7, 65], "05": [7, 22, 39, 146], "largest": [7, 19], "calcul": [7, 8, 12, 19, 38, 51, 78, 79], "border": 7, "split": [7, 15, 19, 30, 138, 146], "cover": 7, "adjac": 7, "tile_overlap": 7, "section": [7, 12, 17, 23, 25, 28, 30, 59, 136, 138, 139, 140, 141, 142, 144, 145, 146], "randomli": [7, 9, 12], "percentag": 7, "note": [7, 12, 30, 47, 91, 92, 93, 94, 104, 138, 140, 141, 142, 144, 145, 146], "sampling_ratio": [7, 65], "disabl": [7, 27, 133, 144, 145], "fals": [7, 12, 22, 28, 35, 37, 38, 40, 43, 47, 48, 51, 52, 57, 60, 61, 65, 67, 71, 74, 75, 76, 79, 82, 85, 91, 92, 93, 94, 95, 117, 124, 125, 126, 127, 136, 141, 142, 144, 145, 146], "tile_s": [7, 65, 125], "512": 7, "512x512": [7, 22], "enable_adaptive_param": 7, "edg": [7, 26], "length": [7, 51], "integ": [7, 64, 138, 141, 142, 146], "100": [7, 12, 19, 22, 117, 138, 139, 140, 141, 142, 144, 145, 146], "4096": 7, "command": [7, 8, 9, 10, 13, 15, 16, 19, 21, 28, 29, 30, 57, 59, 122, 126, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "torch": [7, 27, 28, 29, 35, 38, 39, 40, 43, 45, 47, 49, 52, 53, 54, 60, 64, 65, 71, 74, 75, 76, 84, 94, 97, 98, 100, 101, 102, 103, 104, 105, 106, 121, 133, 134], "result": [7, 8, 12, 15, 16, 21, 25, 26, 28, 29, 38, 51, 71, 78, 79, 84, 126, 127, 137, 138, 139, 140, 141, 142, 144, 145, 146], "longer": [7, 21, 61], "expect": [7, 19, 29, 37, 138, 139, 141, 142, 144, 145, 146], "encount": 7, "error": [7, 12, 60, 69, 146], "mitig": 7, "issu": [7, 12, 26, 29, 137], "line": [7, 8, 28, 29, 59, 122, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "field": [8, 26, 30], "research": 8, "transpar": 8, "interpret": 8, "human": [8, 28], "goal": [8, 12, 13, 16], "understand": 8, "why": [8, 60, 69, 99], "decis": [8, 28], "insight": [8, 26], "inner": 8, "u": [8, 26, 29, 137], "analyz": [8, 30], "mistak": 8, "irrelev": 8, "build": [8, 19, 21, 22, 29, 30, 35, 40, 60, 74, 100, 126, 128, 133], "trust": 8, "sure": 8, "its": [8, 12, 13, 19, 21, 22, 26, 47, 49, 60, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "adopt": [8, 21], "variou": [8, 12, 25, 26, 28, 30, 126], "domain": [8, 23, 25, 26], "salienc": [8, 28, 109, 126, 133, 136], "visual": [8, 12, 17, 28, 30, 51, 52, 53, 54, 65, 76, 95, 106, 133, 136, 137, 138, 139, 141, 142, 143, 144, 145], "suitabl": [8, 21, 30], "comprehens": [8, 26], "highlight": [8, 26], "part": [8, 78], "point": [8, 19, 23, 25, 26, 27, 51, 53, 54, 55, 126, 138, 141, 142, 146], "view": 8, "look": [8, 26, 27, 137, 140, 142, 146], "like": [8, 22, 23, 25, 26, 27, 28, 29, 49, 126, 134, 137, 140, 141, 142, 146], "heatmap": [8, 12, 28, 136], "warm": [8, 138, 139, 141, 142, 144, 145, 146], "color": [8, 19, 22, 26, 28, 136], "area": [8, 28, 136], "repres": [8, 26, 51, 62, 64, 78, 84, 85, 120], "focu": [8, 28, 136], "taken": 8, "d": [8, 12, 61, 100, 137], "rise": 8, "paper": [8, 10, 12, 16, 127], "certain": [8, 19], "wa": [8, 23, 28, 29, 45], "network": [8, 12, 19, 21, 23, 51], "activ": [8, 29, 38, 42, 52, 53, 54, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "naiv": 8, "approach": [8, 12, 17, 19, 26, 30, 127], "output": [8, 9, 12, 19, 22, 25, 26, 27, 28, 35, 51, 52, 59, 71, 74, 75, 76, 84, 99, 100, 133, 136, 137, 138, 139, 141, 142, 144, 145, 146], "extractor": [8, 15, 19, 22], "backbon": [8, 10, 12, 15, 19, 21, 22, 23, 28, 35, 38, 39, 51, 54, 85, 133], "channel": [8, 12, 35, 38, 47, 48, 52, 53, 54, 71, 74], "dimens": [8, 26, 35, 51, 52, 53, 54, 95, 116], "highli": [8, 19, 138, 139, 141, 142, 144, 145, 146], "reli": [8, 19, 138, 139, 141, 142, 144, 145, 146], "ignor": [8, 43, 48, 49, 64, 133], "neck": [8, 19, 35, 85], "head": [8, 10, 13, 15, 19, 22, 35, 52, 78, 85], "rel": [8, 52, 142, 146], "recipro": [8, 136], "cam": [8, 136], "weigh": 8, "per": [8, 16, 40, 51, 74, 79, 109, 133], "gradient": [8, 22, 49], "free": [8, 12], "reciproc": 8, "spatial": [8, 10, 35, 37, 54, 133], "extract": [8, 10, 12, 21, 25, 38, 139], "exploit": 8, "correl": 8, "target": [8, 19, 21, 22, 25, 39, 43, 49, 51, 78, 79, 84, 95, 97, 98, 99, 100, 101, 102, 105, 109, 136, 138, 139, 141, 142, 144, 145, 146], "option": [8, 19, 21, 28, 29, 38, 43, 45, 49, 51, 56, 57, 59, 60, 61, 62, 71, 74, 75, 76, 94, 123, 126, 127, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146], "cnn": [8, 12, 21, 133, 136], "vit": [8, 52, 136], "modif": [8, 19, 138, 139, 140, 141, 144, 145, 146], "transform": [8, 12, 21, 26, 28, 51, 52, 53, 54, 64, 65, 69, 82, 84, 114, 134, 136, 138, 141, 142, 144, 145, 146], "vision": [8, 17, 19, 21, 22, 23, 25, 26, 30, 52], "show": [8, 12, 19, 23, 27, 28, 126, 138, 139, 140, 141, 142, 144, 146], "comparison": [8, 139, 141, 142, 144, 145, 146], "describ": [8, 30, 59], "access": [8, 29, 133], "necess": 8, "dump": [8, 27, 28, 126, 133, 136], "explan": [8, 30, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "ye": 8, "shot": [8, 17, 24, 30, 51, 95, 106], "No": 8, "re": [8, 15, 27, 29, 133, 137], "h": [8, 28, 43, 51, 52, 54, 59, 78, 85, 101, 121], "w": [8, 40, 43, 51, 52, 54, 121, 133], "hxw": 8, "last": [8, 10, 13, 28, 38, 47, 131, 138], "encod": [8, 51, 53, 121, 146], "block": [8, 12, 35, 52, 74], "medium": [8, 19, 142], "stage": [8, 13, 21, 25, 38, 47, 69, 99, 100, 136, 137], "detector": [8, 10, 43, 133, 136], "detclassprobabilitymap": [8, 136], "raw": [8, 12, 138], "probabl": [8, 15, 19, 35, 39], "region": [8, 10, 12, 21, 47, 51], "interest": [8, 10, 21], "limit": [8, 22, 65], "loss": [8, 9, 10, 12, 15, 16, 19, 21, 22, 23, 33, 35, 38, 40, 43, 51, 133], "drift": 8, "toward": 8, "center": [8, 12, 43], "propag": 8, "clear": [8, 99], "input": [8, 9, 12, 16, 19, 26, 27, 28, 35, 37, 38, 40, 47, 48, 49, 51, 52, 53, 54, 71, 74, 76, 84, 85, 86, 87, 94, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 109, 126, 133, 136, 137, 145], "standalon": [8, 25], "maskrcnnexplainalgo": [8, 136], "combin": [8, 10, 12, 23, 25, 30, 49, 78, 136], "aggreg": [8, 19, 106], "pth": [8, 136, 138, 139, 140, 141, 142, 144, 145, 146], "xml": [8, 27, 28, 136, 137, 138, 140, 141, 142, 144, 145, 146], "weight": [8, 9, 10, 12, 15, 16, 19, 21, 22, 28, 29, 37, 38, 39, 40, 42, 43, 47, 49, 51, 52, 71, 74, 76, 84, 91, 92, 93, 94, 100, 138, 140, 141, 142, 144, 145, 146], "whereth": [8, 136], "dataset_path": [8, 28, 126], "folder": [8, 15, 22, 27, 28, 29, 71, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "problem": [9, 10, 13, 15, 16, 17, 23, 25, 26, 29, 74, 99], "identifi": [9, 12, 21, 22, 30, 141], "being": [9, 12, 91, 92, 93, 94], "video": [9, 133, 137, 138], "sequenc": [9, 64, 91, 92, 93, 94], "frame": [9, 139], "indic": [9, 12, 21, 51, 54, 111, 136], "compon": [9, 10, 15, 16, 19, 21, 22, 23, 25, 28, 38, 43, 59, 61, 120, 133], "augment": [9, 10, 12, 19, 21, 22, 26, 38, 94], "standard": [9, 15, 19, 22, 23, 28, 35, 71, 74, 75, 76], "random": [9, 10, 12, 19, 21, 22, 30, 56, 126], "resiz": [9, 23, 25, 71, 74, 133, 136], "horizont": [9, 134], "flip": [9, 10, 21, 22], "adam": [9, 12, 22, 23], "decai": [9, 10, 12, 19, 21, 22, 52], "adamw": 9, "schedul": [9, 15, 16, 19, 21, 22, 27, 28, 30, 56, 97, 98, 100, 101, 102, 103, 104, 105, 106, 126, 127, 133, 134], "factor": [9, 43, 49, 51, 74, 134], "linear": [9, 21, 22, 38], "warmup": [9, 21, 22], "gradual": 9, "begin": [9, 100, 139, 142, 146], "cross": [9, 10, 15, 21, 22, 40, 79], "entropi": [9, 10, 15, 21, 22, 40], "popular": [9, 10, 12, 22, 26], "kinet": [9, 10, 138], "structur": [9, 12, 13, 15, 16, 26, 133, 137, 138, 139, 141, 142, 144, 146], "x3d": [9, 10, 138, 139], "movinet": [9, 35, 133, 138], "tabl": [9, 10, 15, 16, 19, 21, 22, 23], "top": [9, 15, 51, 71, 74, 76, 127], "some": [9, 10, 15, 16, 19, 21, 22, 28, 29, 47, 69, 84, 99, 126, 138, 140, 141, 142, 144, 145, 146], "academ": [9, 10, 15, 16, 19, 21, 22, 30], "present": [9, 10, 15, 16, 19, 21, 22, 28, 51, 140], "nvidia": [9, 10, 15, 16, 19, 21, 22, 138, 139, 140, 141, 142, 144, 145, 146], "geforc": [9, 10, 15, 16, 19, 21, 22, 138, 139, 140, 141, 142, 144, 145, 146], "rtx": [9, 138, 139, 140, 141, 142, 144, 145, 146], "3090": [9, 138, 139, 140, 141, 142, 144, 145, 146], "hmdb51": [9, 138], "ucf101": [9, 10], "67": [9, 16, 19, 22], "19": 9, "87": [9, 16, 22], "89": 9, "62": [9, 22], "74": [9, 15, 16], "81": [9, 22], "sptio": 10, "tempor": [10, 139], "actor": 10, "solv": [10, 13, 15, 16, 17, 22, 26], "3d": [10, 35, 94], "2d": 10, "simplest": 10, "futur": [10, 12, 30, 138], "rcnn": [10, 133, 144], "architectur": [10, 12, 19, 21, 22, 26, 30, 53, 78, 99, 138, 140, 141, 142, 144, 145, 146], "come": [10, 21, 25, 30, 54, 84, 124, 126], "propos": [10, 21], "e": [10, 29, 33, 43, 65, 137], "g": [10, 33, 43, 65], "atss": [10, 19, 27, 28, 133, 136, 142], "finetun": [10, 100, 124], "roi": 10, "extend": [10, 21, 30, 51, 59, 133, 138, 139, 140, 141, 142, 144, 145, 146], "keyfram": 10, "replic": 10, "along": [10, 28], "axi": [10, 23, 25], "fed": 10, "transfer": [10, 12, 19, 30, 67], "pipelin": [10, 15, 16, 19, 21, 22, 23, 26, 27, 30, 69, 74, 82, 83, 85, 86, 87, 88, 89, 95, 133], "sgd": [10, 12, 19, 21, 27, 134], "1e": [10, 19, 21, 27, 51], "4": [10, 12, 19, 21, 26, 27, 28, 31, 43, 52, 68, 116, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "momentum": [10, 12, 19, 21, 27, 134], "binari": [10, 13, 16, 51, 78, 121], "categori": [10, 12, 13, 15, 16, 21, 38, 133, 136, 140], "ava": [10, 139], "readi": [10, 15, 19, 21, 22, 27, 28, 29, 30, 126, 138, 141, 142, 144, 145, 146], "400": [10, 65, 125], "rtx3090": [10, 15, 16, 19, 21, 22], "jhmdb": [10, 139], "24": [10, 15, 16, 19, 59, 140, 142, 144, 145], "x3d_fast_rcnn": [10, 139], "92": [10, 16, 19, 22, 23], "14": [10, 16, 22, 29, 60, 133, 140, 141, 142, 144, 145], "80": [10, 15, 16, 21, 22], "real": [12, 17, 21, 137], "world": [12, 26], "applic": [12, 21, 62, 137, 140], "industri": [12, 140], "medic": [12, 140], "secur": [12, 29], "extrem": 12, "unbalanc": 12, "normal": [12, 38, 40, 51, 52, 65, 74, 78, 94, 100, 116], "lack": 12, "abnorm": 12, "A": [12, 21, 26, 28, 29, 38, 40, 43, 51, 54, 56, 59, 61, 71, 74, 97, 98, 99, 100, 101, 102, 105, 116, 117, 120, 121, 122, 126, 127], "definit": [12, 26, 71, 74, 75, 76, 82, 83, 84, 85, 86, 87, 88, 89, 95, 97, 98, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113], "constantli": 12, "evolv": 12, "onc": [12, 27, 29], "perman": 12, "altern": [12, 27], "phase": [12, 23, 25, 28, 126, 133], "deviat": [12, 35], "would": [12, 29, 71, 126], "known": [12, 21, 26, 79], "examin": [12, 23, 25], "solut": [12, 15, 17, 21, 23, 25, 99, 142, 144, 146], "post": [12, 23, 25, 35, 99, 123, 126, 137, 138, 141, 142, 146], "anomal": [12, 140], "v": [12, 28, 29, 51, 59, 138, 139, 140, 141, 142], "entir": [12, 17, 26, 28], "abov": [12, 13, 16, 19, 21, 26, 29, 134, 138, 139, 140, 141, 142, 144, 145, 146], "score": [12, 22, 23, 26, 35, 38, 43, 51, 78, 79, 104, 123, 127, 140, 146], "likelihood": 12, "threshold": [12, 38, 51, 78, 79, 95, 102, 103, 123, 133, 141, 142, 146], "either": [12, 23, 29, 100, 140], "backend": [12, 30, 74, 134], "classifi": [12, 13, 15, 35, 38, 78], "locat": [12, 19, 21, 28, 56, 138, 139, 140, 141, 142, 144, 145, 146], "b": [12, 22, 51, 52], "c": [12, 28, 51, 52, 127, 137], "moment": 12, "ground_truth": [12, 79, 140], "sub_category_1": 12, "000_mask": [12, 140], "png": [12, 15, 140], "sub_category_n": 12, "000": [12, 140], "contamin": [12, 140], "releas": [12, 29, 30, 146], "benchmark": [12, 22], "amazon": 12, "visa": 12, "meanwhil": [12, 15, 21], "mention": [12, 140], "behaviour": 12, "complex": [12, 21, 25, 78], "gflop": [12, 21, 25], "mb": [12, 21, 25], "168": 12, "6": [12, 19, 23, 26, 29, 60, 121, 133, 136, 137, 138], "21": [12, 60, 138], "initi": [12, 21, 35, 36, 37, 38, 40, 43, 47, 49, 51, 52, 53, 54, 56, 74, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 106, 120, 122, 126, 133], "distanc": 12, "mechan": [12, 21], "elimin": [12, 79], "redund": 12, "select": [12, 19, 30, 51, 126, 127, 133], "subset": [12, 28, 65, 126, 139], "dimension": 12, "variat": 12, "gaussian": 12, "fit": [12, 19, 65, 71, 74, 100], "embed": [12, 51, 52, 53, 54, 71, 133], "correspond": [12, 13, 17, 28, 49, 51, 60, 65, 79], "multivari": 12, "mahalanobi": 12, "posit": [12, 16, 25, 38, 39, 43, 51, 52, 53, 54, 59], "matric": 12, "constitut": 12, "higher": [12, 21], "neural": 12, "resnet18": 12, "wide": [12, 21], "resnet50": [12, 21], "layer1": 12, "layer2": 12, "layer3": 12, "n": [12, 15, 21, 43, 49, 51, 54], "retain": 12, "reduct": [12, 39, 49], "550": 12, "student": 12, "imit": 12, "behavior": [12, 126, 136], "teacher": [12, 133], "predic": 12, "notion": 12, "simpler": 12, "pyramid": [12, 19], "match": [12, 40, 79, 84], "unsupervis": 12, "compos": [12, 26, 65], "receiv": [12, 28, 138, 139, 141, 142, 144, 145, 146], "mixtur": 12, "therebi": 12, "sum": [12, 21, 43, 49], "l2": 12, "mse": 12, "cannot": 12, "0001": [12, 134], "adit": 12, "patienc": [12, 21, 22, 61, 134, 138, 139, 140, 141, 142, 144, 145, 146], "invit": 12, "read": [12, 69, 140], "anomalib": [12, 60, 99, 140], "discrimin": 12, "surfac": 12, "draem": 12, "consist": [12, 15, 22, 30, 43, 85, 137, 138, 139, 140, 141, 142, 144, 145, 146], "subnetwork": 12, "simul": 12, "produc": [12, 26, 65], "perlin": 12, "nois": 12, "unrel": [12, 144, 146], "sourc": [12, 25, 26, 29, 30, 34, 35, 36, 37, 38, 39, 40, 42, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 71, 74, 75, 76, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 108, 109, 110, 111, 112, 113, 114, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 131, 137], "autoencod": 12, "submodel": 12, "concaten": [12, 51, 133], "sspcab": 12, "lambda": [12, 97, 98, 100, 101, 102, 103, 104, 105, 106], "self": [12, 21, 40, 42, 61, 64, 99, 100, 116, 133, 137, 147], "beta": 12, "opac": 12, "ssim": 12, "focal": [12, 23, 51], "ground": [12, 21, 51, 79, 140], "truth": [12, 21, 51, 79, 140], "overfit": [12, 15, 16, 19, 21, 22, 23], "besid": [13, 22, 27, 43], "relationship": 13, "tree": [13, 22, 84], "assign": [13, 22, 133, 145], "group": [13, 78, 109], "exclus": 13, "construct": [13, 47, 79, 141], "individu": [13, 21], "fashion": [13, 15], "strategi": 13, "assum": [13, 60], "return": [13, 25, 34, 35, 38, 40, 43, 45, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 64, 71, 74, 75, 76, 79, 84, 85, 86, 87, 91, 92, 93, 94, 99, 100, 103, 104, 106, 116, 117, 118, 119, 120, 121, 122, 124, 126, 127, 136, 137], "branch": [13, 21, 61, 85, 86, 87], "persian": 13, "cat": 13, "pet": 13, "travers": 13, "leav": 13, "let": [13, 17, 26, 47, 140, 141, 142, 144, 145, 146], "sai": 13, "forward": [13, 26, 35, 36, 37, 38, 39, 42, 47, 49, 51, 52, 53, 54, 84, 85, 86, 87, 94, 95, 99, 100], "pictur": 13, "On": [13, 21, 26, 29, 30, 141, 142, 144, 145, 146], "argmax": 13, "Then": [13, 19, 28, 29, 141], "siams": 13, "sphynx": 13, "leaf": 13, "easili": [13, 26, 28, 30, 138, 139, 141], "reconstruct": 13, "final": [13, 38, 71, 76, 78, 134, 138, 140, 141, 142, 144, 145, 146], "datumaro": [13, 21, 22, 23, 25, 26, 27, 30, 65, 121, 133, 146], "found": [13, 19, 21, 28, 30, 56, 60, 119, 138, 139, 140, 141, 142, 144, 145, 146], "corpu": [15, 16], "reducelronplateau": [15, 16, 19, 21, 22], "tend": [15, 16], "well": [15, 16, 19, 26, 59, 84], "varieti": [15, 16, 17, 142, 144, 146], "scenario": [15, 22, 30, 137], "influenc": 15, "ib": 15, "imbal": 15, "avoid": [15, 22, 126, 146], "major": [15, 26], "influenti": 15, "over": [15, 17, 49, 51, 56, 79], "commonli": [15, 21], "val": [15, 19, 28, 65, 69, 134, 138, 139, 141, 142, 144, 145, 146], "efficientnet": [15, 16, 21, 37], "v2": [15, 16, 29, 31, 36, 47, 60, 64, 65], "flop": 15, "superior": [15, 21, 22], "mobilenet": [15, 16], "v3": [15, 16], "1x": [15, 16, 54], "cost": 15, "prioriti": [15, 23], "nevertheless": [15, 26], "b0": [15, 16, 37], "stabl": [15, 29], "were": [15, 16, 19, 21, 25], "224x224": [15, 16], "cifar10": 15, "cifar100": 15, "flower": [15, 141], "93": [15, 19, 23], "36": [15, 22], "83": [15, 16], "01": [15, 22, 27, 138, 146], "96": [15, 19], "45": [15, 19, 22, 65, 123], "94": [15, 16, 19, 22], "86": [15, 16, 21, 23], "84": [15, 23], "73": [15, 16, 22], "85": [15, 22, 23], "70": [15, 22], "13": [15, 19, 21, 60], "90": [15, 21, 23], "97": [15, 22, 23], "68": [15, 19, 21, 22], "multiclass": [16, 78], "belong": [16, 65], "sub": [16, 28, 57], "asymmetr": [16, 39], "angular": [16, 39], "margin": [16, 39], "formul": 16, "l_j": 16, "co": 16, "theta_j": 16, "y": [16, 51, 54, 79], "frac": 16, "k": [16, 39], "p_": 16, "gamma": [16, 51], "log": [16, 28, 133, 138, 139, 140, 141, 142, 144, 145, 146], "m": [16, 29, 121, 133, 137], "neg": [16, 25, 38, 39, 43, 51, 78, 79], "coeffici": [16, 140], "ablat": 16, "studi": [16, 26], "experi": [16, 21, 23, 26], "addition": [16, 19, 21, 138, 139, 140, 141, 142, 144, 145, 146], "2007": [16, 21], "2014": 16, "aerial": 16, "maritim": 16, "69": [16, 19, 22], "61": [16, 22, 23], "56": [16, 19], "07": [16, 51], "75": 16, "91": [16, 19, 22], "77": 16, "28": [16, 19, 51, 146], "71": 16, "52": [16, 19, 21, 22], "what": [17, 26, 100, 140, 144, 145], "exactli": [17, 22], "insid": [17, 21, 22, 23, 25, 27, 29, 79], "life": [17, 28, 137], "rather": 17, "keep": [17, 71, 74, 123, 138, 139, 141, 142], "previous": [17, 106], "knowledg": 17, "situat": [17, 19], "recognit": [17, 30, 133], "prompt": [17, 30, 51, 52, 53, 54, 65, 76, 95, 106, 133, 137, 143], "zero": [17, 22, 23, 24, 30, 47, 51, 52, 95, 106], "coordin": [19, 51, 54, 79], "defin": [19, 26, 35, 51, 65, 79, 84, 85, 99, 100, 126], "pair": [19, 28, 59, 136], "boud": 19, "corner": [19, 51], "inherit": [19, 35, 38, 47, 51], "goe": [19, 26], "fpn": 19, "rotat": [19, 22, 30, 88, 104], "bright": 19, "distort": [19, 22], "multiscal": 19, "agnost": 19, "logic": [19, 133], "drop": 19, "lr": [19, 23, 27, 52, 134], "iteration_pati": 19, "iou": [19, 23, 51, 79, 123, 133, 146], "abil": 19, "focalloss": 19, "anchor": [19, 40, 43, 86], "cluster": 19, "ssd": [19, 40, 43, 86], "predefin": 19, "collect": [19, 69, 129, 138, 140, 141, 142, 144, 145, 146], "statist": [19, 78, 124, 133, 138, 140, 141, 142, 144, 145, 146], "go": [19, 79], "pretrain": [19, 29, 37, 42, 133], "mobilenetv2": [19, 27, 28, 40], "imagenet21k": 19, "link": [19, 28, 133, 138, 139, 140, 141, 142, 144, 145, 146], "instances_train": [19, 27, 28, 142, 144, 146], "json": [19, 22, 27, 28, 137, 142, 144, 146], "instances_v": [19, 27, 28, 142, 144, 146], "instances_test": [19, 142, 144, 146], "yolox": [19, 133], "light": [19, 134, 138, 139], "perfect": 19, "fastest": 19, "power": 19, "outperform": [19, 21], "mosaic": 19, "long": [19, 22, 51, 137], "pick": [19, 28, 126], "still": [19, 29], "among": 19, "retinanet": [19, 51], "therfor": 19, "resnext101": [19, 133], "integr": [19, 21, 27, 30, 133, 137], "variant": [19, 27, 28, 40, 47, 133], "divers": [19, 30], "shown": [19, 26, 27, 28], "report": [19, 127, 140], "offici": [19, 29, 133], "ap50": 19, "except": [19, 116, 131], "bdd100k": 19, "70000": 19, "10000": [19, 27], "brackish": 19, "plantdoc": 19, "1500": [19, 65], "bccd": 19, "chess": 19, "piec": 19, "300": 19, "tini": [19, 21], "31": [19, 22], "48": [19, 21, 22], "8": [19, 21, 26, 39, 60, 84, 125, 126, 140, 141, 142, 144, 145, 146], "51": [19, 22, 138], "88": [19, 138], "99": [19, 22], "49": [19, 22], "40": [19, 22, 23, 138], "63": [19, 22], "59": [19, 22], "37": 19, "54": [19, 25], "98": [19, 22], "l": [19, 29, 133], "44": 19, "55": [19, 22, 146], "x": [19, 22, 35, 37, 42, 47, 51, 52, 54, 79, 85, 99, 100, 133], "50": [19, 21, 146], "version": [21, 37, 60, 78, 133], "doesn": [21, 22, 25, 74, 78, 146], "presenc": 21, "background": [21, 22, 40, 51, 54, 116], "get": [21, 25, 26, 27, 28, 30, 38, 43, 51, 59, 60, 61, 69, 76, 78, 79, 84, 86, 99, 100, 117, 124, 126, 127, 137, 141, 142, 144, 145, 146], "shape": [21, 38, 43, 49, 51, 52, 53, 54, 71, 74, 79, 94, 121], "drive": 21, "robot": 21, "edit": [21, 29, 133], "softwar": [21, 26], "r": [21, 40, 133, 138, 139, 140, 141, 142, 144, 145, 146], "rtmdet": 21, "upon": 21, "offset": [21, 51], "distinguish": [21, 27, 142, 146], "itself": 21, "concurr": 21, "regress": [21, 43, 116], "rtmnet": 21, "lightweight": [21, 22], "priorit": 21, "inst": [21, 123], "capabl": [21, 26], "encompass": [21, 26], "200": 21, "monitor": [21, 22, 134], "seen": [21, 22], "l1": 21, "absolut": [21, 52, 58], "exponenti": 21, "move": [21, 141], "ema": 21, "manag": [21, 22, 23, 25, 27, 62, 74, 138, 139, 140, 141, 144, 145, 146], "maskrcnn": [21, 87, 88, 136], "efficientnetb2b": 21, "27": [21, 134], "533": 21, "177": 21, "swint": 21, "566": 21, "191": 21, "46": 21, "Ins": 21, "22": 21, "swin": 21, "yield": 21, "contrast": [21, 127, 133], "convent": 21, "resnet": 21, "emploi": 21, "b2": 21, "favor": 21, "essenti": [21, 26, 28], "recent": [21, 28, 138, 139, 141, 142, 144, 145, 146], "tailor": 21, "counterpart": 21, "potenti": 21, "necessit": 21, "term": 21, "paramount": 21, "transit": 21, "recommend": [21, 27, 28, 146], "convers": [21, 26, 74, 75, 76, 94], "crucial": 21, "1024x1024": 21, "boundari": 22, "typic": [22, 26, 28, 54, 79], "fcn": 22, "mmsegment": [22, 48], "lite": [22, 47, 133], "hrnet": [22, 47], "mix": [22, 27, 45, 78, 84, 126], "photometr": 22, "clip": [22, 39, 45], "quadrat": 22, "norm": [22, 42, 45, 47], "equal": [22, 43], "organ": 22, "veri": 22, "alwai": [22, 60, 78], "renam": [22, 27, 133, 142, 144, 146], "meta": [22, 35, 43, 51, 99, 100, 101, 137], "author": [22, 26], "use_otx_adapt": 22, "member": [22, 26, 78, 100], "famili": [22, 133], "mod3": 22, "heavi": 22, "wherea": 22, "mod2": 22, "18": [22, 145, 146], "segnext": [22, 48, 133], "perfom": 22, "dice": [22, 23, 51, 140, 145, 146], "dis5k": 22, "2012": [22, 145], "kitti": 22, "79": [22, 23], "95": 22, "58": [22, 51, 140, 141, 142, 144, 145], "26": 22, "06": [22, 140, 142, 144, 145], "16": [22, 23, 26, 51, 52, 141], "12": [22, 51, 52, 60], "65": [22, 51, 95], "04": [22, 29, 138, 139, 140, 141, 142, 144, 145, 146], "39": 22, "41": 22, "60": 22, "25": [22, 51, 142], "82": [22, 23], "76": [22, 25], "text": [23, 25], "troubleshoot": [23, 25], "purpos": [23, 25, 27, 144, 145], "unlabel": [23, 25], "particular": [23, 25, 28, 138, 139, 141, 142, 146], "sam": [23, 25, 51, 54], "famou": [23, 25], "web": [23, 137], "huge": 23, "lot": 23, "try": [23, 25, 26, 29], "longest": [23, 25], "pad": [23, 25, 35, 51, 54, 71, 74, 94], "rest": [23, 25, 26], "awar": [23, 25, 26], "qat": [23, 25], "four": [23, 25], "experiment": [23, 25], "did": [23, 27], "three": [23, 26], "public": [23, 26, 27, 142], "wgisd": [23, 27, 136, 137, 140, 142, 144, 146], "trashcan": 23, "f1": [23, 79, 146], "110": 23, "500": [23, 64, 68, 123], "sam_tiny_vit": [23, 146], "78": 23, "35": [23, 146], "sam_vit_b": [23, 146], "model_config_path": [23, 25], "batch_size_to_be_upd": 23, "learning_rate_to_be_upd": 23, "unlik": [25, 146], "usecas": 25, "polygon": [25, 104, 121], "soon": 25, "regardless": [25, 78, 109, 136], "made": 25, "order": [25, 146], "templat": [25, 26, 28, 30, 43, 133, 138, 139, 146], "id": [25, 127, 137], "zero_shot_sam_tiny_vit": 25, "47": 25, "zero_shot_sam_vit_b": 25, "454": 25, "363": 25, "code": [25, 29, 30, 57, 60, 72, 73, 133, 137], "path_to_weights_from_learn": 25, "green": 25, "red": [25, 28, 136], "left": [25, 51], "solvabl": 26, "conveni": 26, "expand": [26, 51, 95], "seamlessli": 26, "navig": 26, "workflow": [26, 126], "friendli": [26, 122], "throughout": 26, "python": [26, 29, 30, 60, 61, 64, 65, 69, 118, 122, 126, 129, 130, 133, 137], "intel": [26, 28, 29, 82, 85, 86, 87, 88, 89, 138, 139, 140, 141, 142, 144, 145, 146], "practic": [26, 28], "scratch": [26, 35], "realiz": 26, "establish": 26, "overview": [26, 30], "static": [26, 34, 35, 40, 56, 84, 117], "cycl": [26, 49], "advoc": 26, "argu": 26, "simultan": 26, "across": 26, "seem": 26, "interconnect": 26, "believ": 26, "nice": 26, "abstract": [26, 71, 123], "regard": 26, "figur": 26, "grei": 26, "otxtasktyp": [26, 27, 69, 113, 125, 126], "enum": [26, 108, 109, 110, 111, 112, 113, 114, 127], "otxdataent": 26, "dataclass": [26, 65], "otxbatchdataent": [26, 100], "otxmodel": [26, 27, 40, 82, 83, 84, 85, 86, 87, 89, 95, 100, 116, 126], "pytorch": [26, 27, 28, 29, 30, 60, 61, 64, 71, 74, 75, 76, 84, 100, 117, 120, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "nn": [26, 35, 36, 37, 38, 40, 47, 49, 51, 52, 53, 54, 71, 74, 75, 76, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 116], "Its": 26, "strict": 26, "otxbatchlossent": [26, 51, 84, 85, 86, 87, 95, 100], "otxbatchpredent": [26, 100], "embodi": 26, "blue": 26, "detdataent": 26, "detbatchdataent": [26, 86, 102], "bbox": [26, 43, 51, 116, 123], "otxdetectionmodel": [26, 86], "detbatchpredent": [26, 86, 123], "beyond": 26, "observ": 26, "strictli": 26, "event": 26, "reinvent": 26, "wheel": 26, "lightn": [26, 27, 28, 30, 34, 40, 50, 56, 61, 80, 84, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 117, 120], "primari": [26, 140], "numer": 26, "open": [26, 29, 60], "worldwid": 26, "often": 26, "tightli": 26, "coupl": 26, "hinder": 26, "reus": [26, 138, 139, 141, 142, 144, 145, 146], "valuabl": 26, "against": [26, 140], "special": 26, "create_model": [26, 91, 92, 93, 94], "customize_input": 26, "customize_output": 26, "facilit": 26, "entiti": [26, 27, 30, 40, 51, 99, 100, 123], "extern": 26, "mmdetect": [26, 42], "rtmdettini": 26, "mmdetcompatiblemodel": [26, 40, 86], "regist": [26, 36, 56, 64, 74, 84, 100, 131], "child": [26, 61], "datasampl": [26, 38], "compli": 26, "resolv": [26, 58, 64, 69], "explicitli": 26, "plan": 26, "continu": [26, 30, 49, 127, 137], "worri": 26, "project": [26, 27, 29, 30, 128], "tediou": 26, "schema": [26, 43], "pars": [26, 34, 59, 60], "lifecycl": 26, "ecosystem": 26, "illustr": 26, "simplic": 26, "enjoi": 26, "anoth": [26, 29, 65], "demonstr": [26, 27, 29, 140, 145], "necessari": [26, 30, 56, 99, 137, 141, 142, 144, 145, 146], "onlin": [26, 137], "torchvis": [26, 29, 30, 60, 64, 65, 125], "mmpretrain": [26, 65, 85], "etc": [26, 28, 33, 43, 46, 51, 126], "flexibl": 26, "freeli": 26, "creation": 26, "wonjulee": 26, "vinnamkim": 26, "entri": [26, 27, 55, 126, 138, 139, 141, 142, 144, 145, 146], "built": [26, 29, 30], "deploi": [26, 27, 30, 51, 74, 140, 147], "natur": 26, "diagram": 26, "trainer": [26, 27, 28, 40, 50, 84, 117, 126], "role": 26, "done": [26, 74, 75, 76, 127, 144, 145, 146], "thing": 26, "deploy": [26, 71, 74, 76, 138, 139, 141, 142, 144, 145, 146, 147], "novic": 26, "struggl": 26, "stem": 26, "difficulti": 26, "fill": 26, "gap": [26, 78, 85], "samet": 26, "akcai": 26, "harimkang": 26, "meijer": 26, "erik": 26, "peter": 26, "drayton": 26, "dynam": [26, 30, 100], "cold": 26, "war": 26, "program": [26, 59], "languag": 26, "oopsla": 26, "2004": 26, "http": [26, 27, 28, 29, 51, 60, 100, 127, 134, 141, 142, 144, 146], "en": [26, 134], "wikipedia": 26, "org": [26, 51, 60, 127, 141], "wiki": 26, "reinventing_the_wheel": 26, "in_software_develop": 26, "mmlab": [26, 29, 60], "www": 26, "netapp": 26, "com": [26, 27, 28, 29, 142, 144, 146], "media": 26, "16928": 26, "wp": 26, "7299": 26, "pdf": 26, "openvinotoolkit": [26, 28, 29, 91, 92, 93, 94], "html": [26, 100, 127], "instal": [27, 28, 30, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146], "clone": [27, 29, 142, 144, 146], "repositori": [27, 28, 29, 82, 84, 85, 86, 87, 88, 89, 137, 138, 141, 142, 144, 146], "cd": [27, 28, 29, 141, 142, 144, 146], "git": [27, 29, 142, 144, 146], "github": [27, 28, 29, 142, 144, 146], "thsant": [27, 142, 144, 146], "checkout": [27, 29, 142, 144, 146], "6910edc5ae3aae8c20062941b1641821f0c30127": [27, 142, 144, 146], "mv": [27, 141, 142, 144, 146], "coco_annot": [27, 142, 144, 146], "train_bbox_inst": [27, 142, 146], "test_bbox_inst": [27, 142, 146], "now": [27, 28, 126, 133, 138, 140, 141, 142, 144, 145, 146], "immedi": 27, "snippet": 27, "ones": [27, 61, 74, 84], "list_model": [27, 140, 141, 142, 144, 145, 146], "model_list": [27, 140, 141, 142, 144, 145, 146], "print": [27, 127, 140, 141, 142, 144, 145, 146], "yolox_tiny_til": [27, 28], "yolox_x": [27, 28], "yolox_l_til": [27, 28], "yolox_x_til": [27, 28], "yolox_l": [27, 28], "atss_r50_fpn": [27, 28], "ssd_mobilenetv2": [27, 28], "yolox_": [27, 28], "yolox_tini": [27, 28], "openvino_model": [27, 28, 138, 141, 144, 145, 146], "atss_mobilenetv2": [27, 28, 126, 136, 142], "yolox_s_til": [27, 28], "rtmdet_tini": [27, 28], "atss_mobilenetv2_til": [27, 28, 142], "atss_resnext101": [27, 28, 142], "ssd_mobilenetv2_til": [27, 28], "print_tabl": 27, "src": [27, 60, 84, 136, 138, 139, 140, 141, 142, 144, 145, 146], "pattern": [27, 28, 141, 142, 144, 146], "referenc": 27, "via": [27, 28, 51, 75, 76, 133, 138, 141, 142, 144, 145, 146], "work_dir": [27, 28, 56, 61, 62, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "workspac": [27, 126, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "store": [27, 51, 71, 74, 76, 117, 140], "devicetyp": [27, 65, 66, 108, 126], "constructor": [27, 35, 51, 56, 69, 117, 120, 125], "from_config": [27, 126, 138, 139, 140, 141, 142, 144, 145, 146], "config_path": [27, 28, 61, 126, 138, 139, 140, 141, 142, 144, 145, 146], "actual": [27, 29, 65], "num_class": [27, 28, 35, 36, 38, 40, 43, 49, 51, 56, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 93, 95, 116, 118, 134], "lr_schedul": [27, 97, 98, 100, 101, 102, 103, 104, 105, 106], "cosineannealinglr": 27, "weight_decai": [27, 134], "t_max": 27, "eta_min": 27, "enter": [27, 74], "max_epoch": [27, 28, 117, 126, 138, 139, 140, 141, 142, 144, 145, 146], "seed": [27, 56, 126], "determinist": [27, 28, 126], "1234": [27, 126], "precis": [27, 28, 30, 45, 71, 74, 75, 76, 79, 84, 99, 100, 126, 137, 138, 141, 142, 146], "64": [27, 51, 65, 95], "bf16": 27, "fmeasur": [27, 102, 103], "fmeasu": 27, "logger": [27, 28, 57, 120, 122, 126, 134], "earlystop": [27, 61, 134], "tensorboard": [27, 28, 138, 139, 141, 142, 144, 145, 146], "tensorboardlogg": 27, "limit_val_batch": 27, "place": 27, "ckpt": [27, 28, 40, 99, 100, 102, 103, 124, 136, 138, 139, 140, 141, 142, 144, 145, 146], "onnx": [27, 28, 60, 71, 74, 75, 76, 126, 133, 137, 141, 142, 146], "dataload": [27, 65, 69, 94, 99, 133, 138, 139, 140, 141, 142, 144, 145, 146], "proce": [27, 140], "export_format": [27, 71, 76, 84, 99, 100, 126, 137, 141, 142, 146], "export_precis": [27, 126, 137], "fp32": [27, 71, 74, 75, 76, 84, 99, 100, 126, 137], "saliency_map": [27, 126, 136, 141, 142], "feature_vector": [27, 126, 141, 142], "fp16": [27, 126, 133, 137], "procedur": [27, 35], "usual": [27, 39, 43, 94], "nncf": [27, 28, 84, 95, 126, 133, 138, 140, 141, 142, 144, 145, 146], "That": [27, 99, 138, 139, 140, 141, 142, 146], "written": 28, "jsonargpars": [28, 29, 134], "lightningcli": 28, "tool": [28, 29, 30, 74, 75, 76, 82, 83, 85, 86, 89], "messag": [28, 29, 59, 133], "exit": [28, 74, 137], "displai": [28, 59, 136], "subcommand": [28, 56, 59, 61, 138, 139, 141, 142, 144, 145, 146], "lightningmodul": [28, 45, 100, 126], "underli": [28, 126], "ov": [28, 71, 75, 76, 85, 116, 126], "packag": [28, 34, 60, 74, 91, 92, 93, 94, 127, 128, 133, 137], "properli": [28, 29], "verbos": [28, 57, 59], "quick": [28, 30, 59, 138, 139, 140, 141, 142, 144, 145, 146], "markdown": [28, 59], "training_extens": [28, 29, 62, 91, 92, 93, 94, 138, 139], "class_path_or_nam": [28, 126], "Of": [28, 126], "cours": [28, 126], "overrid": [28, 61, 69, 117, 126, 134], "ckpt_path": [28, 126, 138, 140, 141, 142, 144, 145, 146], "optional_argu": 28, "vv": [28, 138, 139, 140, 141, 142], "flag": [28, 38, 51, 71], "tpu": 28, "ipu": 28, "hpu": 28, "mp": 28, "init_arg_nam": 28, "preview": 28, "asset": [28, 145], "car_tree_bug": 28, "callback_monitor": [28, 134, 141, 142, 144, 145, 146], "map_50": [28, 139, 141, 142, 144, 145, 146], "1000": [28, 134], "data_format": [28, 65, 125], "coco_inst": 28, "val_subset": [28, 65], "test_subset": [28, 65, 126], "1gb": [28, 65], "mem_cache_img_max_s": [28, 64, 65], "null": 28, "image_color_channel": [28, 65], "rgb": [28, 65, 71, 74], "include_polygon": [28, 65], "detec": 28, "rotated_detect": 28, "de": 28, "filter": 28, "word": 28, "coco_data_root": 28, "jpg": [28, 137, 139], "demo": [28, 71, 133, 147], "cach": [28, 56, 133], "approxim": 28, "500x375": 28, "500x439": 28, "omit": 28, "tranier": 28, "exported_model": [28, 71, 74, 75, 76, 136, 138, 140, 141, 142, 144, 145, 146], "bin": [28, 29, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "latest": [28, 51, 56, 60, 95, 100, 136, 137, 138, 139, 141, 142, 144, 145, 146], "OR": 28, "int8": [28, 138, 140, 141, 142, 144, 145, 146], "model_weght": 28, "understood": 28, "model_weight": 28, "extra": [28, 29, 47, 60, 116, 144, 146], "with_featur": 28, "gather": 28, "output_dir": [28, 71, 74, 75, 76, 84, 95, 99, 100], "20240000_000000": 28, "deliver": 28, "20240000_000001": 28, "soft": [28, 51, 133, 138, 139, 141, 142, 144, 145, 146], "behav": [28, 47], "ubuntu": [29, 138, 139, 140, 141, 142, 144, 145, 146], "pypi": [29, 133], "pip": [29, 57, 137], "virtual": [29, 136, 137], "venv": [29, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "guid": [29, 30, 59, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "fulli": [29, 120, 138, 141, 142, 144, 145, 146], "older": [29, 42], "instruct": 29, "ipex": 29, "oneapi": 29, "driver": 29, "0a0": 29, "torchaudio": 29, "index": [29, 49, 51, 52, 60, 84, 97, 98, 99, 101, 102, 103, 105, 106, 148], "url": [29, 60], "whl": [29, 60], "mmcv": [29, 30, 60, 65, 74], "mmcv_with_op": 29, "exclud": 29, "export": [29, 35, 51, 67, 82, 84, 99, 100, 126, 133, 136, 139, 147], "variabl": 29, "setvar": 29, "sh": 29, "ld_preload": 29, "usr": 29, "lib": 29, "x86_64": 29, "linux": [29, 137], "gnu": 29, "libstdc": 29, "30": [29, 140, 141, 142, 144, 145], "ipex_fp32_math_mod": 29, "tf32": 29, "tox": [29, 133, 136, 137, 138, 139, 140, 142, 144, 145, 146], "replac": [29, 42, 61, 65, 99, 117, 118, 136], "310": 29, "devenv": 29, "py310": 29, "otx_vers": 29, "correctli": [29, 140], "grep": 29, "4f3b5f98f97c": 29, "minut": [29, 138, 139, 141, 142, 144, 146], "ago": 29, "5gb": 29, "8d14caccb29a": 29, "4gb": 29, "host": 29, "dev": [29, 137], "txt": [29, 137, 140], "setup": [29, 40, 69, 84, 99, 100, 137], "pytest": 29, "autom": 29, "env": 29, "newli": [29, 51, 95], "upgrad": [29, 133], "face": 29, "11": [29, 60, 61, 138, 139, 140, 141, 142, 144, 145, 146], "internet": 29, "proxi": [29, 30], "server": 29, "usr_nam": 29, "password": 29, "proxyserver_nam": 29, "port": [29, 137], "pkg_name": 29, "side": [29, 51], "jsonargparse_debug": 29, "quickli": [30, 137], "expertis": 30, "toolkit": [30, 138, 139, 140, 141, 142, 144, 145, 146], "consolid": 30, "serv": [30, 85], "shop": 30, "experienc": 30, "zoo": 30, "omz": [30, 82, 84, 85, 86, 87, 88, 89], "furthermor": 30, "team": 30, "robust": 30, "half": 30, "hyper": [30, 74, 126], "budget": 30, "freedom": 30, "1q24": 31, "v1": [31, 100], "4q23": 31, "3q23": 31, "2q23": 31, "1q23": 31, "hook": [33, 46, 100], "xpu": [34, 45, 50], "xpuacceler": 34, "auto_device_count": 34, "get_device_stat": 34, "stat": [34, 47], "get_parallel_devic": 34, "parrallel": 34, "is_avail": 34, "bool": [34, 35, 36, 38, 40, 42, 43, 47, 48, 50, 51, 52, 53, 56, 57, 60, 61, 62, 64, 65, 67, 68, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 100, 101, 102, 103, 104, 105, 106, 117, 124, 125, 126, 127], "parse_devic": 34, "patch_packages_xpu": 34, "revert_packages_xpu": 34, "revert": [34, 74], "setup_devic": 34, "teardown": [34, 69], "clean": [34, 133], "movinethead": 35, "in_channel": [35, 38, 47, 48], "hidden_dim": 35, "loss_cl": [35, 43], "tf_like": 35, "conv_typ": 35, "average_clip": 35, "basehead": 35, "hidden": [35, 38, 52, 53, 54], "tensorflow": [35, 141], "style": [35, 65], "convolut": 35, "crossentropyloss": [35, 49], "spatial_typ": 35, "pool": 35, "avg": 35, "dropout_ratio": 35, "dropout": [35, 38, 47], "init_std": 35, "basemodul": [35, 38, 47], "tensor": [35, 36, 38, 39, 40, 42, 43, 45, 47, 49, 51, 52, 53, 54, 78, 79, 84, 85, 94, 97, 98, 100, 101, 102, 105, 106, 121, 123], "kwarg": [35, 37, 38, 40, 43, 45, 48, 49, 51, 54, 56, 59, 61, 74, 78, 84, 86, 87, 88, 95, 99, 100, 102, 103, 104, 117, 120, 126, 127], "init_weight": [35, 37, 42, 47], "movinetrecogn": 35, "otxrecognizer3d": 35, "recogn": [35, 56], "load_state_dict_pre_hook": [35, 40, 84, 100], "state_dict": [35, 40, 45, 84, 99, 100, 102, 103], "prefix": [35, 40, 49, 84, 116], "arg": [35, 40, 43, 48, 49, 51, 54, 56, 59, 64, 84, 86, 87, 88, 95, 99, 100, 102, 103, 104, 117], "redirect": 35, "state_dict_hook": 35, "otxmovinet": 35, "wrapper": [35, 51], "share": [35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95], "scriptmodul": [35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95], "fill_conv": 35, "conf": [35, 117], "input_channel": 35, "out_channel": 35, "kernel_s": 35, "tupl": [35, 37, 38, 43, 51, 52, 53, 54, 56, 60, 61, 64, 65, 71, 74, 75, 76, 78, 79, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 105, 118, 123, 125], "stride": [35, 43, 116], "conv": [35, 47], "kernel": 35, "fill_se_config": 35, "expanded_channel": 35, "padding_avg": 35, "se": 35, "expans": 35, "otxovactioncl": 35, "model_adapt": [35, 51], "openvinoadapt": 35, "preload": [35, 51], "postprocess": [35, 51, 67, 133, 136], "ndarrai": [35, 51, 79, 95, 111, 121], "preprocess": [35, 51, 71, 74, 133], "configdict": [35, 74], "cls_head": 35, "train_cfg": 35, "test_cfg": [35, 94], "data_preprocessor": 35, "recognizer3d": 35, "dinov2": 36, "backbone_nam": 36, "freeze_backbon": [36, 47], "head_in_channel": 36, "dino": [36, 47, 133], "img": [36, 47], "dinov2registerclassifi": 36, "dictconfig": [36, 40, 69, 74, 82, 83, 85, 86, 87, 88, 89, 91, 92, 93, 94, 116, 118, 124], "otxmulticlassclsmodel": [36, 85, 101], "otxefficientnet": 37, "b8": 37, "in_siz": 37, "return_featuremap": 37, "get_embed": 37, "otxefficientnetv2": 37, "s_21k": 37, "timmmodelswrapp": 37, "efficientnetv2": 37, "otxmobilenetv3": 37, "width_mult": 37, "mobilenetv3": 37, "customhierarchicallinearclshead": 38, "num_multiclass_head": [38, 78, 85, 101], "num_multilabel_class": [38, 78, 85, 101], "multiclass_loss_cfg": 38, "multilabel_loss_cfg": 38, "thr": 38, "total": [38, 79], "multiclass_loss": 38, "multilabel_loss": 38, "under": [38, 78, 144, 145], "feat": 38, "get_valid_label_mask": 38, "img_meta": 38, "ignored_label": 38, "data_sampl": [38, 94], "accept": [38, 51, 65, 117], "item": [38, 49, 61], "num_sampl": 38, "keyword": [38, 49, 56, 59, 117, 120, 126], "pre_logit": 38, "pred_label": 38, "set_hlabel_info": [38, 85], "hlabel_info": 38, "hlabelinfo": [38, 85], "hlabel": 38, "customhierarchicalnonlinearclshead": 38, "hid_channel": 38, "1280": 38, "activation_cfg": [38, 42], "hid_cahnnel": 38, "acivation_cfg": 38, "custommultilabellinearclshead": 38, "multilabellinearclshead": 38, "multilabel": [38, 78, 85, 133], "custommultilabelnonlinearclshead": 38, "act_cfg": 38, "multilabelclshead": 38, "linar": 38, "asymmetricangularlosswithignor": 39, "gamma_po": 39, "gamma_neg": 39, "loss_weight": 39, "scalar": 39, "init": [39, 42, 47, 120], "fuction": 39, "pred": [39, 78, 79], "valid_label_mask": [39, 43, 49], "avg_factor": [39, 43, 49], "reduction_overrid": [39, 49], "liter": [40, 51, 68, 71, 74, 75, 76, 78, 118, 126, 127], "detecion": 40, "get_classification_lay": [40, 116], "model_registri": [40, 116], "registri": [40, 74, 91, 92, 93, 94, 116], "param": [40, 116, 144, 145, 146], "use_bg": 40, "softmax": 40, "num_anchor": [40, 43], "load_from_otx_v1_ckpt": 40, "add_prefix": 40, "otx2": 40, "setup_callback": [40, 84], "otxssd": 40, "otxlitmodul": [40, 84, 97, 98, 100, 101, 102, 103, 105, 106], "pytorchcv": 42, "copi": [42, 61, 120], "mmdet": [42, 86, 87, 88], "multioutput_forward": 42, "multioutput": 42, "replace_activ": 42, "funtion": 42, "replace_norm": 42, "cfg": [42, 61, 74, 118], "customatsshead": 43, "bg_loss_weight": 43, "use_qfl": 43, "qfl_cfg": 43, "classincrementalmixin": [43, 48], "atsshead": 43, "get_target": 43, "anchor_list": 43, "valid_flag_list": 43, "batch_gt_inst": 43, "instancelist": 43, "batch_img_meta": 43, "batch_gt_instances_ignor": 43, "optinstancelist": 43, "unmap_output": 43, "almost": [43, 131], "anchorhead": 43, "parent": [43, 61], "element": [43, 51], "crosssigmoidfocalloss": 43, "labels_weights_list": 43, "binar": [43, 51], "loss_by_feat": 43, "cls_score": [43, 49], "bbox_pr": 43, "energi": 43, "delta": 43, "instancedata": 43, "gt_instanc": 43, "gt_instances_ignor": 43, "loss_by_feat_singl": 43, "label_weight": 43, "bbox_target": 43, "num_total_anchor": 43, "prior": 43, "pseudosampl": 43, "consider": 43, "customssdhead": 43, "ssdhead": 43, "workaround": 43, "bug": [43, 133], "mmdet3": 43, "ssdanchorgeneratorclust": 43, "width": [43, 59, 74, 99, 121], "height": [43, 74, 99, 121], "anchorgener": 43, "gen_base_anchor": 43, "gen_single_level_base_anchor": 43, "single_level_base_anchor": 43, "mixedprecisionxpuplugin": 45, "scaler": 45, "gradscal": 45, "amp": 45, "autocast": 45, "cuda": [45, 60, 138, 139, 140, 141, 142, 144, 145, 146], "clip_gradi": 45, "clip_val": 45, "gradient_clip_algorithm": 45, "gradclipalgorithmtyp": 45, "grad": 45, "forward_context": 45, "load_state_dict": [45, 99, 100, 102, 103], "optimizer_step": 45, "optimiz": 45, "pl": [45, 50, 126], "closur": 45, "callabl": [45, 74, 84, 85, 86, 87, 127, 131], "pre_backward": 45, "backward": [45, 49], "dinovisiontransform": 47, "out_index": 47, "init_cfg": 47, "litehrnet": 47, "conv_cfg": [47, 48], "norm_cfg": [47, 48], "norm_ev": 47, "with_cp": 47, "zero_init_residu": 47, "eval": [47, 133], "freez": [47, 51], "var": 47, "resblock": 47, "ident": 47, "customfcnhead": 48, "enable_aggreg": 48, "aggregator_min_channel": 48, "aggregator_merge_norm": 48, "aggregator_use_concat": 48, "in_index": 48, "input_transform": 48, "fcnhead": 48, "customlighthamhead": 48, "ham_channel": 48, "ham_kwarg": 48, "lighthamhead": 48, "hamburg": 48, "kwagr": 48, "ham": 48, "crossentropylosswithignor": 49, "partial": [49, 101, 120], "revisit": 49, "unseen": 49, "ignore_index": [49, 78], "255": [49, 92, 94], "wise": [49, 51], "class_weight": 49, "contribut": 49, "avg_non_ignor": 49, "properti": [49, 50, 69, 78, 79, 82, 84, 85, 91, 92, 93, 94, 99, 100, 101, 117, 126], "loss_nam": 49, "graph": 49, "loss_": 49, "singlexpustrategi": 50, "_devic": 50, "checkpoint_io": 50, "checkpointio": 50, "precision_plugin": 50, "precisionplugin": 50, "singledevicestrategi": 50, "setup_optim": 50, "is_distribut": 50, "otxsegmentanyth": 51, "tiny_vit": 51, "vit_b": 51, "freeze_image_encod": 51, "freeze_prompt_encod": 51, "freeze_mask_decod": 51, "use_stability_scor": 51, "return_single_mask": 51, "return_extra_metr": 51, "stability_score_offset": 51, "otxvisualpromptingmodel": [51, 95, 106], "otxzeroshotsegmentanyth": 51, "root_reference_info": [51, 95], "vpm_zsl_reference_info": [51, 95], "save_output": [51, 95], "pixel_mean": 51, "123": 51, "675": 51, "116": 51, "103": 51, "53": 51, "pixel_std": 51, "395": 51, "57": 51, "375": 51, "default_threshold_refer": [51, 95], "default_threshold_target": [51, 95], "apply_box": 51, "boundingbox": 51, "ori_shap": 51, "target_length": 51, "1024": [51, 52, 95], "apply_coord": 51, "coord": 51, "apply_imag": 51, "np": [51, 79, 121], "apply_point": 51, "apply_prompt": 51, "zeroshotvisualpromptingbatchdataent": [51, 95, 106], "zeroshotvisualpromptingbatchpredent": [51, 95], "get_preprocess_shap": 51, "oldh": 51, "oldw": 51, "reference_feat": [51, 95], "used_indic": [51, 95], "is_cascad": [51, 95], "connect": 51, "initialize_reference_info": [51, 95], "reset_feat": [51, 95], "load_latest_reference_info": [51, 95], "info": [51, 57, 78, 95, 106, 137], "segmentanyth": [51, 146], "load_from": [51, 91, 92, 93, 94, 116], "mask_threshold": 51, "image_s": [51, 95], "image_embedding_s": [51, 54], "embed_dim": [51, 52, 54], "256": [51, 52, 53, 54], "mask_in_chan": [51, 54], "num_multimask_output": [51, 53], "transformer_cfg": [51, 53], "transformer_dim": [51, 53], "iou_head_depth": [51, 53], "iou_head_hidden_dim": [51, 53], "calculate_dice_loss": 51, "num_mask": 51, "calculate_i": 51, "epsilon": 51, "intersect": [51, 79], "calculate_sigmoid_ce_focal_loss": 51, "alpha": 51, "arxiv": [51, 127], "ab": [51, 127], "1708": 51, "02002": 51, "noqa": 51, "d301": 51, "arbitrari": 51, "expon": 51, "p_t": 51, "hard": 51, "calculate_stability_scor": 51, "threshold_offset": 51, "stabil": 51, "logit": [51, 78], "bxhxw": 51, "stability_scor": 51, "forward_infer": 51, "image_embed": [51, 53], "point_coord": 51, "point_label": 51, "mask_input": 51, "has_mask_input": 51, "spars": [51, 54], "bottom": [51, 94], "1x1x256x256": 51, "suppli": 51, "1x1": 51, "layout": 51, "1x2": 51, "forward_train": 51, "gt_mask": 51, "tv_tensor": 51, "nx4": 51, "arrai": [51, 54, 82, 84], "xyxi": [51, 54], "emb": [51, 54, 71, 74, 75, 76], "bxnx2": [51, 54], "bxn": [51, 54], "foreground": [51, 54], "freeze_network": 51, "get_prepadded_s": 51, "input_image_s": [51, 54], "longest_sid": 51, "load_checkpoint": 51, "classmethod": [51, 69, 111, 126], "postprocess_mask": 51, "input_s": [51, 71, 74, 75, 76, 99], "orig_s": 51, "bx1xhxw": [51, 54], "remov": [51, 133], "bx2": 51, "select_mask": 51, "iou_pr": [51, 53], "num_point": 51, "bxmxhxw": 51, "bxm": 51, "bx1": 51, "visualpromptingdecod": 51, "inferenceadapt": 51, "segmentationmodel": 51, "inference_adapt": 51, "executor": 51, "confidence_threshold": 51, "rais": [51, 56, 57, 60, 79, 103, 106, 119], "wrappererror": 51, "fail": 51, "py": [51, 60, 137], "numericalvalu": 51, "default_valu": 51, "confid": [51, 79, 102, 103, 133, 141, 142, 146], "visualpromptingimageencod": 51, "imagemodel": 51, "zeroshotsegmentanyth": 51, "expand_reference_info": [51, 95], "new_largest_label": [51, 95], "labl": [51, 78, 95], "num_bg_point": [51, 95], "defaultdict": [51, 95], "cascad": 51, "processed_prompt": 51, "tvtensor": 51, "_gather_prompts_with_label": 51, "pad_to_squar": 51, "set_default_config": 51, "tinyvit": 52, "img_siz": 52, "224": [52, 65, 134], "in_chan": 52, "depth": [52, 53], "num_head": 52, "window_s": 52, "mlp_ratio": 52, "drop_rat": 52, "drop_path_r": 52, "mbconv_expand_ratio": 52, "local_conv_s": 52, "layer_lr_decai": 52, "mobilesam": 52, "no_weight_decay_keyword": 52, "keyworkd": 52, "set_layer_lr_decai": 52, "patch_siz": 52, "768": 52, "out_chan": 52, "qkv_bia": 52, "norm_lay": 52, "layernorm": 52, "act_lay": 52, "gelu": [52, 53, 54], "use_abs_po": 52, "use_rel_po": 52, "rel_pos_zero_init": 52, "global_attn_index": 52, "attent": [52, 136], "mlp": [52, 53], "dim": 52, "learnabl": 52, "bia": [52, 138, 140, 141, 142, 144, 145, 146], "queri": 52, "window": [52, 137], "global": [52, 109, 136, 140], "sammaskdecod": 53, "facebookresearch": [53, 54], "disambigu": 53, "upscal": 53, "qualiti": 53, "image_p": 53, "sparse_prompt_embed": 53, "dense_prompt_embed": 53, "multimask_output": 53, "predict_mask": 53, "samimageencod": 54, "sampromptencod": 54, "bx4": 54, "nx1x": 54, "dense_embed": 54, "nx": 54, "embed_h": 54, "embed_w": 54, "sparse_embed": 54, "get_dense_p": 54, "embedding_h": 54, "embedding_w": 54, "entrypoint": [55, 56], "otxcli": 56, "add_subcommand": 56, "parser": [56, 61], "engine_subcommand_pars": 56, "argumentpars": [56, 61], "engine_subcommand": 56, "whose": [56, 139], "skip": [56, 59, 61, 106, 138, 139, 141, 142, 144, 145, 146], "duplic": 56, "get_config_valu": 56, "namespac": [56, 61], "retriev": [56, 117], "get_subcommand_pars": 56, "init_pars": 56, "instantiate_class": [56, 120], "instantiate_engin": 56, "instanti": [56, 61, 65, 117], "instantiate_metr": 56, "metric_config": 56, "metriccal": [56, 97, 98, 100, 101, 102, 103, 104, 105, 126], "pathc": 56, "instantiate_model": 56, "model_config": 56, "prepare_subcommand_kwarg": 56, "valueerror": [56, 57, 60, 79], "save_config": 56, "set_se": 56, "reproduc": [56, 138, 139, 141, 142, 144, 145, 146], "argpars": [56, 59], "seed_everyth": 56, "update_latest": 56, "add_install_pars": 57, "subcommands_act": 57, "_actionsubcommand": 57, "subpars": 57, "otx_instal": 57, "do_not_install_torch": 57, "absolute_path": 58, "formatt": 59, "customhelpformatt": 59, "prog": 59, "indent_incr": 59, "max_help_posit": 59, "consol": 59, "richhelpformatt": 59, "defaulthelpformatt": 59, "customiz": 59, "verbosity_level": 59, "render": [59, 137], "add_usag": 59, "add_argu": 59, "format_help": 59, "string": [59, 64], "superclass": 59, "get_cli_usage_docstr": 59, "docstr": [59, 61], "__doc__": 59, "prev": 59, "n2": 59, "get_verbosity_subcommand": 59, "sy": 59, "argv": 59, "render_guid": 59, "content": 59, "add_hardware_suffix_to_torch": 60, "hardware_suffix": 60, "with_available_torch_build": 60, "suffix": 60, "compris": 60, "correct": [60, 138, 140, 141, 142, 144, 145, 146], "pkg_resourc": 60, "req": 60, "spec": 60, "cu121": 60, "cu118": 60, "cu111": 60, "criterion": 60, "get_cuda_suffix": 60, "cuda_vers": 60, "mmx": [60, 116, 130], "download": [60, 138, 139, 140, 141, 144], "instead": [60, 99, 141, 142, 144, 146], "shoudl": 60, "regularli": 60, "reflect": 60, "cu112": 60, "get_cuda_vers": 60, "get_hardware_suffix": 60, "torch_vers": 60, "yet": 60, "get_mmcv_install_arg": 60, "torch_requir": 60, "mmcv_requir": 60, "notimplementederror": 60, "Not": 60, "maco": [60, 137], "runtimeerror": 60, "o": 60, "get_module_vers": 60, "module_nam": 60, "get_requir": 60, "importlib": 60, "metadata": [60, 71, 74, 75, 76, 133], "importlib_metadata": 60, "attr": 60, "get_torch_install_arg": 60, "requri": 60, "mim_instal": 60, "mim": 60, "modulenotfounderror": [60, 119], "parse_requir": 60, "mmcl": [60, 133], "patch_mmaction2": 60, "mmaction2": 60, "reason": [60, 69], "__init__": 60, "miss": [60, 133], "update_cuda_version_with_available_torch_cuda_build": 60, "highest": 60, "warn": [60, 126, 133], "add_list_type_argu": 61, "baseclass": 61, "nested_kei": 61, "add_subclass_argu": 61, "bypass": 61, "_signatur": 61, "signatureargu": 61, "subclass": 61, "nest": [61, 65], "apply_config": 61, "actionconfigfil": 61, "dest": 61, "destin": 61, "flatten_dict": 61, "parent_kei": 61, "sep": 61, "flatten": 61, "get_configur": 61, "get_defaults_with_overrid": 61, "skip_check": 61, "get_instantiated_class": 61, "pathlik": [61, 126], "get_short_docstr": 61, "typevar": 61, "list_overrid": 61, "override_list": 61, "override_callback": 61, "patch_update_config": 61, "action_config_fil": 61, "only_unset": 61, "posixpath": 62, "home": [62, 127], "runner": 62, "doc": [62, 100, 133, 137], "use_sub_dir": 62, "subdirectori": 62, "any_represent": 64, "dumper": 64, "saferepresent": 64, "scalarnod": 64, "node": [64, 74], "as_int_tupl": 64, "as_torch_dtyp": 64, "dtype": 64, "todtyp": [64, 65], "float32": [64, 65], "dtype_represent": 64, "ignore_alias": 64, "alias": 64, "otherwis": [64, 65, 117, 126], "register_config": 64, "subsetconfig": [65, 69, 138, 139, 140, 141, 142, 144, 145, 146], "factori": [65, 69], "vpm_config": 65, "visualpromptingconfig": 65, "imagecolorchannel": [65, 111], "stack_imag": 65, "unannotated_items_ratio": 65, "dto": [65, 67, 68], "samplerconfig": [65, 120], "randomsampl": 65, "todo": 65, "resembl": 65, "subset_nam": [65, 126], "transform_lib_typ": 65, "transformer_lib": 65, "transformlibtyp": [65, 114, 125], "num_work": [65, 68, 124, 133, 146], "worker": 65, "train_subset_config": 65, "randomresizedcrop": [65, 134], "antialia": 65, "randomhorizontalflip": 65, "p": 65, "485": 65, "456": 65, "406": 65, "std": [65, 71, 74, 75, 76, 91, 92, 93, 94, 124], "229": 65, "225": 65, "overlap": [65, 79, 125], "iou_threshold": [65, 79, 123], "max_num_inst": [65, 123], "03": [65, 138], "tiler": 65, "use_bbox": 65, "use_point": 65, "deviceconfig": [66, 126], "explainconfig": [67, 126, 136], "target_explain_group": [67, 136], "targetexplaingroup": [67, 109, 136], "hpoconfig": [68, 126], "search_spac": 68, "save_path": 68, "num_trial": 68, "expected_time_ratio": 68, "subset_ratio": 68, "min_subset_s": 68, "prior_hyper_paramet": 68, "acceptable_additional_time_ratio": 68, "reduction_factor": [68, 127], "asynchronous_bracket": [68, 127], "asynchronous_sha": [68, 127], "lightningdatamodul": 69, "predict_dataload": 69, "test_dataload": 69, "train_dataload": [69, 126], "val_dataload": 69, "hparams_initi": 69, "attributedict": 69, "save_hyperparamet": 69, "primit": 69, "loggabl": 69, "unresolv": 69, "otxdatasetfactori": 69, "dm_subset": 69, "datasetsubset": 69, "mem_cache_handl": 69, "memcachehandlerbas": 69, "cfg_subset": 69, "cfg_data_modul": 69, "transformlibfactori": 69, "otxmodelexport": [71, 74, 75], "resize_mod": [71, 74, 75, 76], "fit_to_window": [71, 74, 75, 76], "fit_to_window_letterbox": [71, 74, 75, 76], "pad_valu": [71, 74, 75, 76, 92, 93], "swap_rgb": [71, 74, 75, 76], "output_nam": [71, 74, 75, 76], "bgr": [71, 74], "base_model_nam": [71, 74, 75, 76], "otxexportformattyp": [71, 76, 84, 99, 100, 110, 126], "otxprecisiontyp": [71, 74, 75, 76, 84, 99, 100, 112, 126], "artifact": [71, 74, 76, 140], "otxexportprecisiontyp": [71, 76, 84, 99, 100, 126], "to_exportable_cod": 71, "zip": [71, 137], "runabl": 71, "to_onnx": [71, 74, 75, 76], "embed_metadata": [71, 74, 75, 76], "to_openvino": [71, 74, 75, 76], "mmdeployexport": 74, "model_build": 74, "model_cfg": 74, "deploy_cfg": 74, "mmconfig": [74, 118], "test_pipelin": 74, "max_num_detect": 74, "mm": [74, 124], "mmengin": [74, 118], "ir_config": 74, "cvt_torch2onnx_partit": 74, "partition_cfg": 74, "partit": 74, "load_mmconfig_from_pkg": 74, "configuraiton": 74, "mmdeploy_init_model_help": 74, "_": [74, 134], "helper": 74, "patch_input_shap": 74, "patch_ir_scale_factor": 74, "hyper_paramet": 74, "inplac": [74, 99, 118], "detectionconfig": 74, "use_temporary_default_scop": 74, "temporari": 74, "scope": 74, "defaultscop": 74, "problemat": 74, "tri": [74, 126], "otxnativemodelexport": [75, 76], "via_onnx": [75, 76], "onnx_export_configur": [75, 76], "otxvisualpromptingmodelexport": 76, "nativ": 76, "get_onnx_dummy_input": 76, "exported_model_image_encod": [76, 146], "exported_model_decod": [76, 146], "dummi": 76, "accuracywithlabelgroup": 78, "micro": 78, "macro": 78, "label_group": 78, "label_info": [78, 84, 99, 100, 101], "labelinfo": [78, 84, 99, 100, 101], "hlabelaccuraci": 78, "hierarchi": [78, 85, 133], "cusotmmultilabelaccuraci": 78, "mixedhlabelaccuraci": [78, 101], "head_logits_info": [78, 101], "threshold_multilabel": 78, "torchmetr": [78, 106], "customhlabelaccuraci": 78, "cusotmhlabelaccuraci": 78, "head_idx_to_logits_rang": 78, "multiclassaccuracywithlabelgroup": 78, "multilabelaccuracywithlabelgroup": 78, "lable_group": 78, "namedconfusionmatrix": 78, "col_nam": 78, "row_nam": 78, "num_label": 78, "validate_arg": 78, "confusionmatrix": 78, "confus": 78, "matrix": [78, 79], "row": 78, "col": 78, "colum": 78, "best_confidence_threshold": 79, "vary_nms_threshold": 79, "cross_class_nm": 79, "f": [79, 140], "measur": [79, 124, 138, 139, 140, 141, 142, 146], "resultset": 79, "recal": 79, "spuriou": 79, "suppress": [79, 123], "nm": 79, "suffici": 79, "prediciton": 79, "scoremetr": 79, "best_nms_threshold": 79, "f_measur": 79, "f_measure_per_confid": 79, "curv": 79, "f_measure_per_label": 79, "f_measure_per_nm": 79, "curvemetr": 79, "bounding_box_intersection_over_union": 79, "box1": 79, "box2": 79, "x1": 79, "y1": 79, "x2": 79, "y2": 79, "outsid": [79, 137], "get_iou_matrix": 79, "num_ground_truth_box": 79, "num_predicted_box": 79, "cell": 79, "boxes_per_imag": 79, "boxes1": 79, "boxes_per_image_1": 79, "boxes_per_image_2": 79, "boxes_per_image_3": 79, "boxes2": 79, "ground_truth_box": 79, "predicted_box": 79, "get_n_false_neg": 79, "iou_matrix": 79, "loop": [79, 99, 127, 137], "undetect": 79, "rarer": 79, "principl": 79, "uniqu": 79, "intersection_box": 79, "x_left": 79, "x_right": 79, "y_bottom": 79, "y_top": 79, "mmactioncompatiblemodel": [82, 83], "otxactionclsmodel": [82, 97], "compit": [82, 83], "mmaction": [82, 83, 138], "translat": [82, 83, 85, 86, 89, 130], "translate_mmrecip": [82, 83, 85, 86, 89], "actionclsbatchdataent": [82, 97], "actionclsbatchpredent": 82, "t_otxbatchpredentitywithxai": [82, 83, 84, 85, 95], "t_otxtilebatchdataent": [82, 83, 84, 85, 89, 95], "ovactionclsmodel": 82, "model_nam": [82, 84, 85, 86, 87, 88, 89, 95, 126], "model_typ": [82, 84, 85, 86, 87, 88, 89, 95], "async_infer": [82, 84, 85, 86, 87, 88, 89, 95], "max_num_request": [82, 84, 85, 86, 87, 88, 89, 95], "use_throughput_mod": [82, 84, 85, 86, 87, 88, 89, 95], "model_api_configur": [82, 84, 85, 86, 87, 88, 89, 95], "ovmodel": [82, 84, 85, 86, 87, 89, 95], "actionclsbatchpredentitywithxai": 82, "transform_fn": [82, 84], "data_batch": [82, 84], "model_adapter_paramet": [82, 84], "otxactiondetmodel": [83, 98], "actiondetbatchdataent": [83, 98], "actiondetbatchpredent": 83, "t_otxbatchdataent": [84, 85], "t_otxbatchpredent": [84, 85, 123], "base_nam": [84, 99, 100], "forward_explain": [84, 85, 86, 87], "forward_til": [84, 86, 87], "get_explain_fn": [84, 85, 86, 87], "map_class_nam": 84, "src_class": 84, "dst_class": 84, "dst": 84, "src2dst": 84, "src_idx": 84, "dst_idx": 84, "assert": 84, "len": 84, "ex": 84, "person": [84, 142, 146], "sky": 84, "ball": 84, "data_modul": [84, 95], "ptq_config": [84, 95], "calibr": 84, "register_load_state_dict_pre_hook": [84, 100], "model_class": [84, 100], "ckpt_class": [84, 100], "explain_mod": 84, "redefin": [84, 85], "synchron": 84, "explainableotxclsmodel": 85, "attach": [85, 86, 87], "head_forward_fn": 85, "has_gap": 85, "mmpretrainhlabelclsmodel": 85, "otxhlabelclsmodel": [85, 101], "hierarchical_info": 85, "mmpretrainmulticlassclsmodel": 85, "mmpretrainmultilabelclsmodel": 85, "otxmultilabelclsmodel": [85, 101], "hlabelclsbatchdataent": [85, 101], "hlabelclsbatchpredent": 85, "hlabelclsbatchpredentitywithxai": 85, "multiclassclsbatchdataent": [85, 101], "multiclassclsbatchpredent": 85, "multiclassclsbatchpredentitywithxai": 85, "multilabelclsbatchdataent": [85, 101], "multilabelclsbatchpredent": 85, "multilabelclsbatchpredentitywithxai": 85, "ovhlabelclassificationmodel": 85, "placehold": 85, "ovmulticlassclassificationmodel": 85, "ovmultilabelclassificationmodel": 85, "explainableotxdetmodel": [86, 102], "detbatchpredentitywithxai": [86, 123], "get_num_anchor": 86, "tilebatchdetdataent": 86, "unpack": [86, 87], "ovdetectionmodel": 86, "explainableotxinstancesegmodel": [87, 103], "otxinstancesegmodel": [87, 88], "instancesegbatchdataent": [87, 103], "instancesegbatchpredent": [87, 103, 104, 123], "instancesegbatchpredentitywithxai": [87, 123], "mmdetinstancesegcompatiblemodel": [87, 88], "tilebatchinstsegdataent": 87, "ovinstancesegmentationmodel": [87, 88], "mmdetrotateddetmodel": 88, "otxrotateddetmodel": [88, 104], "compaibl": 88, "ovrotateddetectionmodel": 88, "mmsegcompatiblemodel": 89, "otxsegmentationmodel": [89, 105], "mmseg": 89, "segbatchdataent": [89, 105], "segbatchpredent": 89, "segbatchpredentitywithxai": 89, "ovsegmentationmodel": 89, "actiondatapreprocessor": 91, "to_rgb": [91, 93], "to_float32": 91, "blend": 91, "format_shap": 91, "nchw": 91, "monkei": [91, 92, 93, 94], "preprocessor": [91, 92, 93, 94], "histori": [91, 92, 93, 94], "2743": [91, 92, 93, 94], "detdatapreprocessor": 92, "pad_size_divisor": [92, 93], "pad_mask": 92, "mask_pad_valu": 92, "pad_seg": 92, "seg_pad_valu": 92, "bgr_to_rgb": [92, 94], "rgb_to_bgr": [92, 94], "boxtype2tensor": 92, "non_block": 92, "batch_aug": [92, 93, 94], "clsdatapreprocessor": 93, "to_onehot": 93, "segdatapreprocessor": 94, "size_divisor": 94, "pad_val": 94, "seg_pad_v": 94, "bgr2rgb": 94, "basedatapreprocessor": 94, "stack_batch": 94, "samplelist": 94, "stack": 94, "gt_sem_seg": 94, "chw": 94, "segdatasampl": 94, "divisor": 94, "4d": 94, "gt_seg_map": 94, "visualpromptingbatchdataent": [95, 106], "visualpromptingbatchpredent": [95, 106], "ovvisualpromptingmodel": 95, "ovzeroshotvisualpromptingmodel": 95, "zero_shot_visual_prompt": 95, "downsiz": 95, "otxactionclslitmodul": 97, "otx_model": [97, 98, 100, 101, 102, 103, 104, 105, 106], "torch_compil": [97, 98, 100, 101, 102, 103, 104, 105, 106], "optimizercal": [97, 98, 100, 101, 102, 103, 104, 105, 106, 126], "lrschedulercal": [97, 98, 100, 101, 102, 103, 104, 105, 106, 126], "constantlr": [97, 98, 100, 101, 102, 103, 104, 105, 106], "test_step": [97, 98, 99, 101, 102, 103, 105, 106], "batch_idx": [97, 98, 99, 100, 101, 102, 103, 105, 106], "validation_step": [97, 98, 99, 101, 102, 103, 105, 106], "otxactiondetlitmodul": 98, "otxanomali": 99, "configure_callback": 99, "configure_optim": [99, 100, 106], "trainable_model": 99, "anomalyclassificationdatabatch": 99, "anomalysegmentationdatabatch": 99, "anomalydetectiondatabatch": 99, "anomalyclassificationbatchpredict": 99, "anomalysegmentationbatchpredict": 99, "anomalydetectionbatchpredict": 99, "wrap": 99, "ordereddict": 99, "on_predict_batch_end": 99, "dataloader_idx": 99, "datatyp": 99, "batchpredict": 99, "on_test_batch_end": 99, "predict_step": [99, 104], "anomalymodelinput": 99, "step_output": 99, "training_step": [99, 100, 106], "tasktyp": 99, "cleanest": 99, "configure_metr": [100, 101, 102, 103, 105, 106], "But": [100, 146], "gan": 100, "lightning_modul": 100, "successfulli": 100, "resum": [100, 126], "load_state_pre_hook": 100, "smart": 100, "on_test_epoch_end": [100, 103, 106], "trigger": [100, 103, 106, 131], "on_test_epoch_start": [100, 106], "on_test_start": [100, 106], "on_validation_epoch_end": [100, 103, 106], "on_validation_epoch_start": [100, 106], "on_validation_start": 100, "someth": 100, "ddp": 100, "otxhlabelclslitmodul": 101, "functool": 101, "otxmulticlassclslitmodul": 101, "otxmultilabelclslitmodul": 101, "otxdetectionlitmodul": 102, "otxinstanceseglitmodul": [103, 104], "typeerror": [103, 106], "otxrotateddetlitmodul": 104, "overridden": 104, "rbox": 104, "otxsegmentationlitmodul": 105, "otxvisualpromptinglitmodul": 106, "meanmetr": 106, "on_train_epoch_end": 106, "on_train_epoch_start": 106, "otxzeroshotvisualpromptinglitmodul": 106, "unus": 106, "on_predict_start": 106, "on_train_start": 106, "reserv": 107, "impli": 109, "imagetyp": 111, "intenum": [111, 127], "imageinfo": [111, 123], "get_image_typ": 111, "build_mm_model": 116, "sometim": 116, "get_default_num_async_infer_request": 116, "request": 116, "modify_num_class": 116, "trainerargumentscach": 117, "omegaconf": 117, "val_check_interv": [117, 126], "get_trainer_constructor_arg": 117, "requires_upd": 117, "convert_conf_to_mmconfig_dict": 118, "inplace_num_class": 118, "listconfig": 118, "mmconfig_dict_to_dict": 118, "obj": 118, "to_list": 118, "dict_": 118, "recurs": 118, "to_tupl": 118, "get_otx_root_path": 119, "instantiate_callback": 120, "callbacks_cfg": 120, "instantiate_logg": 120, "logger_cfg": 120, "instantiate_sampl": 120, "sampler_config": 120, "partial_instantiate_class": 120, "qualifi": 120, "encode_rl": 121, "rle": 121, "rewrit": 121, "cocodataset": 121, "cocoapi": 121, "count": [121, 133], "Or": 121, "polygon_to_bitmap": 121, "bitmap": 121, "polygon_to_rl": 121, "get_pylogg": 122, "__name__": 122, "detectiontilemerg": 123, "img_info": 123, "tilemerg": 123, "batch_tile_pr": 123, "batch_tile_attr": 123, "detpredent": 123, "instancesegtilemerg": 123, "instancesegpredent": 123, "seg": [123, 133], "t_otxdataent": 123, "nms_postprocess": 123, "get_adaptive_num_work": 124, "num_dataload": 124, "get_idx_list_per_class": 124, "dm_dataset": 124, "dmdataset": 124, "use_string_label": 124, "get_mean_std_from_data_process": 124, "data_process": 124, "is_ckpt_for_finetun": 124, "is_ckpt_from_otx_v1": 124, "otx1": 124, "anomalydatamodul": 125, "data_dir": 125, "train_batch_s": 125, "train_num_work": 125, "train_transform": 125, "train_transform_lib_typ": 125, "val_batch_s": 125, "val_num_work": 125, "val_transform": 125, "val_transform_lib_typ": 125, "test_batch_s": 125, "test_num_work": 125, "test_transform": 125, "test_transform_lib_typ": 125, "govern": 126, "eval_dataload": 126, "explain_config": [126, 136], "export_config": 126, "exportconfig": 126, "from_model_nam": 126, "max_data_subset_s": 126, "path_to_ir_xml": 126, "return_predict": 126, "_precision_input": 126, "failur": 126, "trainer_param": 126, "hpobas": 127, "asyncron": 127, "novel": 127, "bandit": 127, "jmlr": 127, "2018": 127, "1603": 127, "06560": 127, "washington": 127, "edu": 127, "jamieson": 127, "massiv": 127, "mlsy": 127, "2020": 127, "1810": 127, "05934": 127, "decicd": 127, "promot": 127, "rung": 127, "bracket": 127, "parallelli": 127, "auto_config": 127, "align": 127, "lesser": 127, "get_best_config": 127, "get_next_sampl": 127, "ashatri": 127, "get_progress": 127, "progress": 127, "is_don": 127, "print_result": 127, "report_scor": 127, "trial_id": 127, "hashabl": 127, "trialstatu": 127, "decid": 127, "save_result": 127, "run_hpo_loop": 127, "hpo_algo": 127, "train_func": 127, "resource_typ": 127, "num_parallel_tri": 127, "num_gpu_for_single_tri": 127, "available_gpu": 127, "cpuresourcemanag": 127, "gpuresourcemanag": 127, "runnabl": 129, "script": [129, 130], "append_main_proc_signal_handl": 131, "sig_num": 131, "sig_handl": 131, "append": 131, "handler": 131, "signal": 131, "append_signal_handl": 131, "sent": 131, "featurevectorhook": 133, "segmant": 133, "otxsampl": 133, "adaptiverepeatdatahook": 133, "semi": 133, "sl": 133, "track": 133, "refin": 133, "timeout": 133, "cl": 133, "det": 133, "iseg": 133, "sseg": 133, "modelapi": 133, "numpi": 133, "bump": 133, "minor": 133, "readm": [133, 137, 140], "encrypt": 133, "oom": 133, "deform": 133, "detr": 133, "channel_last": 133, "persistent_work": 133, "pin_memori": 133, "prototyp": 133, "reciev": 133, "2023": 133, "verion": 133, "centercrop": 133, "switch": 133, "direct": [133, 134], "storag": 133, "apach": 133, "arrow": 133, "greedi": 133, "noisi": 133, "labeltre": 133, "labelschema": 133, "speedup": 133, "classificaiton": 133, "refactor": 133, "mmdeploi": 133, "consumpt": 133, "cli_report": 133, "detcon": 133, "supcon": 133, "visiontransform": 133, "parametr": [133, 136], "bring": 133, "mpa": 133, "proof": 133, "review": 133, "pot": 133, "stat_requests_numb": 133, "mobilenet_v3_larg": 134, "mobilenetv3formulticlasscl": 134, "0058": 134, "warmupreducelronplateau": 134, "warmup_step": 134, "_base_": 134, "mmpretrain_bas": 134, "readthedoc": 134, "io": 134, "v4": 134, "loadimagefromfil": 134, "cv2": 134, "prob": 134, "randomflip": 134, "packinput": 134, "print_config": [134, 141, 142, 144, 145, 146], "ligthn": 134, "gave": 136, "epoch_": [136, 138, 139, 141, 142, 144, 145, 146], "20240312_051135": [136, 138, 139, 141, 142, 144, 145], "epoch_033": [136, 139, 142, 144, 145], "overlai": 136, "feature_map": 136, "20240312_052847": [136, 138, 140, 141, 142, 144, 145], "xml_weights_path": 136, "grayscal": 136, "colormap": 136, "ll": [137, 141, 145], "exportable_cod": 137, "dir": [137, 138, 139, 140, 141, 142, 144, 145, 146], "nad": 137, "archiv": 137, "licens": [137, 140], "md": 137, "demo_packag": 137, "pytorch_checkpoint": 137, "abl": 137, "footag": 137, "camera": 137, "unzip": [137, 141], "brand": 137, "minimalist": 137, "python3": 137, "demo_venv": 137, "wgisd_dataset_sampl": 137, "press": 137, "q": 137, "screen": 137, "enforc": 137, "button": 137, "kill": 137, "termin": 137, "ctrl": 137, "resulted_imag": 137, "sudo": 137, "apt": 137, "v4l": 137, "v4l2": 137, "ctl": 137, "usb": 137, "0000": 137, "00": [137, 138, 140, 141, 142, 144, 145, 146], "1a": 137, "video0": 137, "live": [138, 139, 141], "been": [138, 139, 140, 141, 142, 144, 145, 146], "tm": [138, 139, 140, 141, 142, 144, 145, 146], "i9": [138, 139, 140, 141, 142, 144, 145, 146], "10980xe": [138, 139, 141], "univers": [138, 139, 140, 141, 142, 144, 145, 146], "covert": 138, "silky_straight_hair_original_brush_hair_h_nm_np1_ba_goo_0": 138, "avi": 138, "csv": [138, 139, 141, 142, 144, 145, 146], "red_head_brush_hair_u_cm_np1_ba_goo_0": 138, "sarah_brushing_her_hair_brush_hair_h_cm_np1_ri_goo_0": 138, "And": 138, "youtube_id": 138, "time_start": 138, "time_end": 138, "is_cc": 138, "brush_hair": 138, "276": 138, "timestamp": [138, 139, 140, 141, 142, 144, 145, 146], "20240403_134256": [138, 139, 141, 142, 144, 145, 146], "characterist": [138, 139, 141, 142, 144, 145, 146], "took": [138, 139, 141, 142, 144, 145, 146], "evali": 138, "snapshot": [138, 139, 141, 142, 144, 145, 146], "6039215922355652": 138, "data_tim": [138, 139, 140, 141, 142, 144, 146], "13730056583881378": 138, "iter_tim": [138, 139, 140, 141, 142, 144, 146], "16275013983249664": 138, "version_0": [138, 139, 141, 142, 144, 145, 146], "runtim": [138, 141, 142, 146], "295829": 138, "5222222208976746": 138, "14048805832862854": 138, "5871070623397827": 138, "209": 138, "42": 138, "613333": 138, "20240312_055042": [138, 141, 142, 144, 145], "optimized_model": [138, 140, 141, 142, 144, 145], "5078431367874146": 138, "23449821770191193": 138, "4908757507801056": 138, "255130": 138, "spatio": 139, "jhmdb_10": 139, "ava_action_list_v2": 139, "pbtxt": 139, "ava_test": 139, "ava_train": 139, "ava_v": 139, "pkl": 139, "train_video001": 139, "train_video001_0001": 139, "test_video001": 139, "test_video001_0001": 139, "006367621477693319": 139, "02698644995689392": 139, "10247182101011276": 139, "3779516816139221": 139, "map_75": [139, 142, 144, 146], "03639398142695427": 139, "map_larg": [139, 142, 146], "11831618845462799": 139, "map_medium": [139, 142, 146], "02958027645945549": 139, "map_per_class": [139, 142, 146], "map_smal": [139, 142, 146], "mar_1": [139, 142, 146], "12753313779830933": 139, "mar_10": [139, 142, 146], "1305265873670578": 139, "mar_100": [139, 142, 146], "mar_100_per_class": [139, 142, 146], "mar_larg": [139, 142, 146], "14978596568107605": 139, "mar_medium": [139, 142, 146], "06217033043503761": 139, "mar_smal": [139, 142, 146], "11900": [140, 142, 144, 145, 146], "bottl": 140, "broken_larg": 140, "001_mask": 140, "002_mask": 140, "broken_smal": 140, "001": 140, "stfpm": 140, "padim": 140, "notic": 140, "image_auroc": 140, "image_f1scor": 140, "pixel_auroc": 140, "pixel_f1scor": 140, "6517705321311951": 140, "6630784869194031": 140, "20240313_042421": 140, "epoch_010": 140, "588245": [140, 142, 144, 145], "20240313_052847": 140, "yamll": 140, "02": [140, 141, 142, 144, 145], "958733": [140, 141, 142, 144, 145], "20240313_055042": 140, "260521": [140, 141, 142, 144, 145], "substitut": 141, "wget": 141, "example_imag": 141, "flower_photo": 141, "tgz": 141, "tar": 141, "xzvf": 141, "insert": [141, 146], "mkdir": [141, 142, 144, 146], "daisi": 141, "dandelion": 141, "rose": 141, "sunflow": 141, "tulip": 141, "cp": [141, 142, 144, 146], "exact": 141, "tv_efficientnet_b0": 141, "tv_resnet_50": 141, "efficientnet_v2_light": 141, "tv_efficientnet_b3": 141, "efficientnet_b0_light": 141, "tv_efficientnet_v2_l": 141, "tv_efficientnet_b1": 141, "tv_mobilenet_v3_smal": 141, "otx_mobilenet_v3_larg": 141, "otx_deit_tini": 141, "tv_efficientnet_b4": 141, "otx_efficientnet_v2": 141, "mobilenet_v3_large_light": 141, "otx_efficientnet_b0": 141, "otx_dino_v2": 141, "otx_dino_v2_linear_prob": 141, "counterintuit": [141, 142, 144, 146], "disable_infer_num_class": [141, 142, 144, 145, 146], "9929155111312866": 141, "0430680550634861": 141, "058606021106243134": 141, "epoch_014": 141, "446673": 141, "9931880235671997": 141, "018398193642497063": 141, "2764030694961548": 141, "08": 141, "989645779132843": 141, "00853706430643797": 141, "43554383516311646": 141, "reveal": [142, 144, 146], "page": [142, 144, 146, 148], "grapevin": [142, 144, 146], "grape": [142, 144, 146], "cdy": [142, 144, 146], "chardonnai": [142, 144, 146], "cfr": [142, 144, 146], "cabernet": [142, 144, 146], "franc": [142, 144, 146], "sauvignon": [142, 144, 146], "svb": [142, 144, 146], "blanc": [142, 144, 146], "syh": [142, 144, 146], "syrah": [142, 144, 146], "great": [142, 146], "reformat": [142, 146], "meet": [142, 144, 146], "_train": [142, 144, 146], "025369757786393166": 142, "8693901896476746": 142, "08180806040763855": 142, "5444773435592651": 142, "5761404037475586": 142, "561242401599884": 142, "2926788330078125": 142, "055956535041332245": 142, "45759353041648865": 142, "6809769868850708": 142, "6932432055473328": 142, "46584922075271606": 142, "toi": [144, 146], "train_polygons_inst": 144, "test_polygons_inst": 144, "maskrcnn_r50": [144, 145], "maskrcnn_r50_til": 144, "maskrcnn_swint": 144, "maskrcnn_efficientnetb2b": 144, "rtmdet_inst_tini": 144, "maskrcnn_efficientnetb2b_til": 144, "maskrcnn_swint_til": 144, "mostli": [144, 146], "workplac": [144, 145, 146], "0007903117220848799": 144, "062202490866184235": 144, "33679962158203125": 144, "5482384562492371": [144, 145], "37118086218833923": 144, "epoch_059": [144, 145], "hood": [144, 145], "less": [144, 145], "voc2012": 145, "semnat": 145, "common_semantic_segmentation_dataset": 145, "segnext_t": 145, "segnext_b": 145, "dino_v2": 145, "litehrnet_18": 145, "segnext_": 145, "litehrnet_x": 145, "litehrnet_": 145, "1556396484375": 145, "0009265312692150474": 146, "9201090335845947": 146, "9201071262359619": 146, "8520355224609375": 146, "3015514016151428": 146, "5886790156364441": 146, "9061686396598816": 146, "6716098785400391": 146, "7401198148727417": 146, "5705212950706482": 146, "21598181128501892": 146, "03824029490351677": 146, "3468073010444641": 146, "614170253276825": 146, "766523003578186": 146, "599896252155304": 146, "2501521706581116": 146, "epoch_009": 146, "0009342798730358481": 146, "31654438376426697": 146, "396129": 146, "313879": 146, "0007283412269316614": 146, "9990837574005127": 146, "9169966578483582": 146, "8467163443565369": 146, "1121630668640137": 146, "47309553623199463": 146, "8371172547340393": 146, "5044668912887573": 146, "6876431107521057": 146, "5046071410179138": 146, "11672457307577133": 146, "02601064182817936": 146, "26142847537994385": 146, "6027402281761169": 146, "7594292163848877": 146, "5897444486618042": 146, "22268414497375488": 146, "0007516053738072515": 146, "09753680229187": 146, "matter": 146, "609954": 146, "fault": 146, "occur": 146, "thread": 146, "affect": 146, "optimized_model_decod": 146, "0007440951885655522": 146, "998199462890625": 146, "853766918182373": 146, "7448458075523376": 146, "8865625858306885": 146, "23295165598392487": 146, "5494663119316101": 146, "15102604031562805": 146, "45290130376815796": 146, "16153287887573242": 146, "012729672715067863": 146, "014449129812419415": 146, "15996699035167694": 146, "3901452422142029": 146, "5868775844573975": 146, "30925533175468445": 146, "027198636904358864": 146}, "objects": {"": [[32, 0, 0, "-", "otx"]], "otx": [[33, 0, 0, "-", "algo"], [55, 0, 0, "-", "cli"], [63, 0, 0, "-", "core"], [125, 0, 0, "-", "data"], [126, 0, 0, "-", "engine"], [127, 0, 0, "-", "hpo"], [128, 0, 0, "-", "recipe"], [129, 0, 0, "-", "tools"], [131, 0, 0, "-", "utils"]], "otx.algo": [[34, 0, 0, "-", "accelerators"], [35, 0, 0, "-", "action_classification"], [36, 0, 0, "-", "classification"], [40, 0, 0, "-", "detection"], [45, 0, 0, "-", "plugins"], [46, 0, 0, "-", "segmentation"], [50, 0, 0, "-", "strategies"], [51, 0, 0, "-", "visual_prompting"]], "otx.algo.accelerators": [[34, 1, 1, "", "XPUAccelerator"]], "otx.algo.accelerators.XPUAccelerator": [[34, 2, 1, "", "auto_device_count"], [34, 2, 1, "", "get_device_stats"], [34, 2, 1, "", "get_parallel_devices"], [34, 2, 1, "", "is_available"], [34, 2, 1, "", "parse_devices"], [34, 2, 1, "", "patch_packages_xpu"], [34, 2, 1, "", "revert_packages_xpu"], [34, 2, 1, "", "setup_device"], [34, 2, 1, "", "teardown"]], "otx.algo.action_classification": [[35, 1, 1, "", "MoViNetHead"], [35, 1, 1, "", "MoViNetRecognizer"], [35, 1, 1, "", "OTXMoViNet"], [35, 1, 1, "", "OTXOVActionCls"], [35, 1, 1, "", "OTXRecognizer3D"]], "otx.algo.action_classification.MoViNetHead": [[35, 2, 1, "", "forward"], [35, 2, 1, "", "init_weights"]], "otx.algo.action_classification.MoViNetRecognizer": [[35, 2, 1, "", "load_state_dict_pre_hook"], [35, 2, 1, "", "state_dict_hook"]], "otx.algo.action_classification.OTXMoViNet": [[35, 2, 1, "", "fill_conv"], [35, 2, 1, "", "fill_se_config"]], "otx.algo.action_classification.OTXOVActionCls": [[35, 2, 1, "", "postprocess"], [35, 2, 1, "", "preprocess"]], "otx.algo.classification": [[36, 1, 1, "", "DINOv2"], [36, 1, 1, "", "DINOv2RegisterClassifier"], [37, 0, 0, "-", "backbones"], [38, 0, 0, "-", "heads"], [39, 0, 0, "-", "losses"]], "otx.algo.classification.DINOv2": [[36, 2, 1, "", "forward"]], "otx.algo.classification.backbones": [[37, 1, 1, "", "OTXEfficientNet"], [37, 1, 1, "", "OTXEfficientNetV2"], [37, 1, 1, "", "OTXMobileNetV3"]], "otx.algo.classification.backbones.OTXEfficientNet": [[37, 2, 1, "", "forward"], [37, 2, 1, "", "init_weights"]], "otx.algo.classification.backbones.OTXEfficientNetV2": [[37, 2, 1, "", "init_weights"]], "otx.algo.classification.backbones.OTXMobileNetV3": [[37, 2, 1, "", "forward"], [37, 2, 1, "", "init_weights"]], "otx.algo.classification.heads": [[38, 1, 1, "", "CustomHierarchicalLinearClsHead"], [38, 1, 1, "", "CustomHierarchicalNonLinearClsHead"], [38, 1, 1, "", "CustomMultiLabelLinearClsHead"], [38, 1, 1, "", "CustomMultiLabelNonLinearClsHead"]], "otx.algo.classification.heads.CustomHierarchicalLinearClsHead": [[38, 2, 1, "", "forward"], [38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"], [38, 2, 1, "", "pre_logits"], [38, 2, 1, "", "predict"], [38, 2, 1, "", "set_hlabel_info"]], "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead": [[38, 2, 1, "", "forward"], [38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"], [38, 2, 1, "", "pre_logits"], [38, 2, 1, "", "predict"], [38, 2, 1, "", "set_hlabel_info"]], "otx.algo.classification.heads.CustomMultiLabelLinearClsHead": [[38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"]], "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead": [[38, 2, 1, "", "forward"], [38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"]], "otx.algo.classification.losses": [[39, 1, 1, "", "AsymmetricAngularLossWithIgnore"]], "otx.algo.classification.losses.AsymmetricAngularLossWithIgnore": [[39, 2, 1, "", "forward"]], "otx.algo.detection": [[40, 1, 1, "", "SSD"], [41, 0, 0, "-", "backbones"], [43, 0, 0, "-", "heads"], [44, 0, 0, "-", "losses"]], "otx.algo.detection.SSD": [[40, 2, 1, "", "get_classification_layers"], [40, 2, 1, "", "load_from_otx_v1_ckpt"], [40, 2, 1, "", "load_state_dict_pre_hook"], [40, 2, 1, "", "setup_callback"], [40, 2, 1, "", "state_dict"]], "otx.algo.detection.backbones": [[42, 0, 0, "-", "pytorchcv_backbones"]], "otx.algo.detection.backbones.pytorchcv_backbones": [[42, 3, 1, "", "init_weights"], [42, 3, 1, "", "multioutput_forward"], [42, 3, 1, "", "replace_activation"], [42, 3, 1, "", "replace_norm"], [42, 3, 1, "", "train"]], "otx.algo.detection.heads": [[43, 1, 1, "", "CustomATSSHead"], [43, 1, 1, "", "CustomSSDHead"], [43, 1, 1, "", "SSDAnchorGeneratorClustered"]], "otx.algo.detection.heads.CustomATSSHead": [[43, 2, 1, "", "get_targets"], [43, 2, 1, "", "loss_by_feat"], [43, 2, 1, "", "loss_by_feat_single"]], "otx.algo.detection.heads.SSDAnchorGeneratorClustered": [[43, 2, 1, "", "gen_base_anchors"], [43, 2, 1, "", "gen_single_level_base_anchors"]], "otx.algo.plugins": [[45, 1, 1, "", "MixedPrecisionXPUPlugin"]], "otx.algo.plugins.MixedPrecisionXPUPlugin": [[45, 2, 1, "", "clip_gradients"], [45, 2, 1, "", "forward_context"], [45, 2, 1, "", "load_state_dict"], [45, 2, 1, "", "optimizer_step"], [45, 2, 1, "", "pre_backward"], [45, 2, 1, "", "state_dict"]], "otx.algo.segmentation": [[47, 0, 0, "-", "backbones"], [48, 0, 0, "-", "heads"], [49, 0, 0, "-", "losses"]], "otx.algo.segmentation.backbones": [[47, 1, 1, "", "DinoVisionTransformer"], [47, 1, 1, "", "LiteHRNet"]], "otx.algo.segmentation.backbones.DinoVisionTransformer": [[47, 2, 1, "", "forward"], [47, 2, 1, "", "init_weights"]], "otx.algo.segmentation.backbones.LiteHRNet": [[47, 2, 1, "", "forward"]], "otx.algo.segmentation.heads": [[48, 1, 1, "", "CustomFCNHead"], [48, 1, 1, "", "CustomLightHamHead"]], "otx.algo.segmentation.losses": [[49, 1, 1, "", "CrossEntropyLossWithIgnore"]], "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore": [[49, 2, 1, "", "forward"], [49, 4, 1, "", "loss_name"]], "otx.algo.strategies": [[50, 1, 1, "", "SingleXPUStrategy"]], "otx.algo.strategies.SingleXPUStrategy": [[50, 4, 1, "", "is_distributed"], [50, 2, 1, "", "setup_optimizers"]], "otx.algo.visual_prompting": [[51, 1, 1, "", "OTXSegmentAnything"], [51, 1, 1, "", "OTXZeroShotSegmentAnything"], [51, 1, 1, "", "SegmentAnything"], [51, 1, 1, "", "VisualPromptingDecoder"], [51, 1, 1, "", "VisualPromptingImageEncoder"], [51, 1, 1, "", "ZeroShotSegmentAnything"], [52, 0, 0, "-", "backbones"], [53, 0, 0, "-", "decoders"], [54, 0, 0, "-", "encoders"]], "otx.algo.visual_prompting.OTXZeroShotSegmentAnything": [[51, 2, 1, "", "apply_boxes"], [51, 2, 1, "", "apply_coords"], [51, 2, 1, "", "apply_image"], [51, 2, 1, "", "apply_points"], [51, 2, 1, "", "apply_prompts"], [51, 2, 1, "", "forward"], [51, 2, 1, "", "get_preprocess_shape"], [51, 2, 1, "", "infer"], [51, 2, 1, "", "initialize_reference_info"], [51, 2, 1, "", "learn"], [51, 2, 1, "", "load_latest_reference_info"], [51, 2, 1, "", "preprocess"], [51, 2, 1, "", "transforms"]], "otx.algo.visual_prompting.SegmentAnything": [[51, 2, 1, "", "calculate_dice_loss"], [51, 2, 1, "", "calculate_iou"], [51, 2, 1, "", "calculate_sigmoid_ce_focal_loss"], [51, 2, 1, "", "calculate_stability_score"], [51, 2, 1, "", "forward"], [51, 2, 1, "", "forward_inference"], [51, 2, 1, "", "forward_train"], [51, 2, 1, "", "freeze_networks"], [51, 2, 1, "", "get_prepadded_size"], [51, 2, 1, "", "load_checkpoint"], [51, 2, 1, "", "postprocess_masks"], [51, 2, 1, "", "select_masks"]], "otx.algo.visual_prompting.VisualPromptingDecoder": [[51, 2, 1, "", "apply_coords"], [51, 2, 1, "", "parameters"], [51, 2, 1, "", "postprocess"], [51, 2, 1, "", "preprocess"]], "otx.algo.visual_prompting.VisualPromptingImageEncoder": [[51, 2, 1, "", "parameters"], [51, 2, 1, "", "preprocess"]], "otx.algo.visual_prompting.ZeroShotSegmentAnything": [[51, 2, 1, "", "expand_reference_info"], [51, 2, 1, "", "infer"], [51, 2, 1, "", "learn"], [51, 2, 1, "", "pad_to_square"], [51, 2, 1, "", "set_default_config"]], "otx.algo.visual_prompting.backbones": [[52, 1, 1, "", "TinyViT"], [52, 1, 1, "", "ViT"]], "otx.algo.visual_prompting.backbones.TinyViT": [[52, 2, 1, "", "forward"], [52, 2, 1, "", "no_weight_decay_keywords"], [52, 2, 1, "", "set_layer_lr_decay"]], "otx.algo.visual_prompting.backbones.ViT": [[52, 2, 1, "", "forward"]], "otx.algo.visual_prompting.decoders": [[53, 1, 1, "", "SAMMaskDecoder"]], "otx.algo.visual_prompting.decoders.SAMMaskDecoder": [[53, 2, 1, "", "forward"], [53, 2, 1, "", "predict_masks"]], "otx.algo.visual_prompting.encoders": [[54, 1, 1, "", "SAMImageEncoder"], [54, 1, 1, "", "SAMPromptEncoder"]], "otx.algo.visual_prompting.encoders.SAMPromptEncoder": [[54, 2, 1, "", "forward"], [54, 2, 1, "", "get_dense_pe"]], "otx.cli": [[56, 0, 0, "-", "cli"], [57, 0, 0, "-", "install"], [55, 3, 1, "", "main"], [58, 0, 0, "-", "utils"]], "otx.cli.cli": [[56, 1, 1, "", "OTXCLI"]], "otx.cli.cli.OTXCLI": [[56, 2, 1, "", "add_subcommands"], [56, 2, 1, "", "engine_subcommand_parser"], [56, 2, 1, "", "engine_subcommands"], [56, 2, 1, "", "get_config_value"], [56, 2, 1, "", "get_subcommand_parser"], [56, 2, 1, "", "init_parser"], [56, 2, 1, "", "instantiate_classes"], [56, 2, 1, "", "instantiate_engine"], [56, 2, 1, "", "instantiate_metric"], [56, 2, 1, "", "instantiate_model"], [56, 2, 1, "", "prepare_subcommand_kwargs"], [56, 2, 1, "", "run"], [56, 2, 1, "", "save_config"], [56, 2, 1, "", "set_seed"], [56, 2, 1, "", "update_latest"]], "otx.cli.install": [[57, 3, 1, "", "add_install_parser"], [57, 3, 1, "", "otx_install"]], "otx.cli.utils": [[58, 3, 1, "", "absolute_path"], [59, 0, 0, "-", "help_formatter"], [60, 0, 0, "-", "installation"], [61, 0, 0, "-", "jsonargparse"], [62, 0, 0, "-", "workspace"]], "otx.cli.utils.help_formatter": [[59, 1, 1, "", "CustomHelpFormatter"], [59, 3, 1, "", "get_cli_usage_docstring"], [59, 3, 1, "", "get_verbosity_subcommand"], [59, 3, 1, "", "render_guide"]], "otx.cli.utils.help_formatter.CustomHelpFormatter": [[59, 2, 1, "id0", "add_argument"], [59, 2, 1, "id1", "add_usage"], [59, 2, 1, "id2", "format_help"], [59, 5, 1, "", "subcommand"], [59, 5, 1, "", "verbosity_level"]], "otx.cli.utils.installation": [[60, 3, 1, "", "add_hardware_suffix_to_torch"], [60, 3, 1, "", "get_cuda_suffix"], [60, 3, 1, "", "get_cuda_version"], [60, 3, 1, "", "get_hardware_suffix"], [60, 3, 1, "", "get_mmcv_install_args"], [60, 3, 1, "", "get_module_version"], [60, 3, 1, "", "get_requirements"], [60, 3, 1, "", "get_torch_install_args"], [60, 3, 1, "", "mim_installation"], [60, 3, 1, "", "parse_requirements"], [60, 3, 1, "", "patch_mmaction2"], [60, 3, 1, "", "update_cuda_version_with_available_torch_cuda_build"]], "otx.cli.utils.jsonargparse": [[61, 3, 1, "", "add_list_type_arguments"], [61, 3, 1, "", "apply_config"], [61, 3, 1, "", "flatten_dict"], [61, 3, 1, "", "get_configuration"], [61, 3, 1, "", "get_defaults_with_overrides"], [61, 3, 1, "", "get_instantiated_classes"], [61, 3, 1, "", "get_short_docstring"], [61, 3, 1, "", "list_override"], [61, 3, 1, "", "patch_update_configs"], [61, 3, 1, "", "update"]], "otx.cli.utils.workspace": [[62, 1, 1, "", "Workspace"]], "otx.core": [[64, 0, 0, "-", "config"], [69, 0, 0, "-", "data"], [70, 0, 0, "-", "exporter"], [77, 0, 0, "-", "metrics"], [80, 0, 0, "-", "model"], [107, 0, 0, "-", "types"], [115, 0, 0, "-", "utils"]], "otx.core.config": [[64, 3, 1, "", "any_representer"], [64, 3, 1, "", "as_int_tuple"], [64, 3, 1, "", "as_torch_dtype"], [65, 0, 0, "-", "data"], [66, 0, 0, "-", "device"], [64, 3, 1, "", "dtype_representer"], [67, 0, 0, "-", "explain"], [68, 0, 0, "-", "hpo"], [64, 3, 1, "", "ignore_aliases"], [64, 3, 1, "", "register_configs"]], "otx.core.config.data": [[65, 1, 1, "", "DataModuleConfig"], [65, 1, 1, "", "SamplerConfig"], [65, 1, 1, "", "SubsetConfig"], [65, 1, 1, "", "TileConfig"], [65, 1, 1, "", "VisualPromptingConfig"]], "otx.core.config.data.SubsetConfig": [[65, 5, 1, "", "batch_size"], [65, 5, 1, "", "num_workers"], [65, 5, 1, "", "subset_name"], [65, 5, 1, "", "transform_lib_type"], [65, 5, 1, "", "transforms"]], "otx.core.config.device": [[66, 1, 1, "", "DeviceConfig"]], "otx.core.config.explain": [[67, 1, 1, "", "ExplainConfig"]], "otx.core.config.hpo": [[68, 1, 1, "", "HpoConfig"]], "otx.core.data": [[69, 1, 1, "", "OTXDataModule"], [69, 1, 1, "", "OTXDatasetFactory"], [69, 1, 1, "", "TransformLibFactory"]], "otx.core.data.OTXDataModule": [[69, 4, 1, "", "hparams_initial"], [69, 2, 1, "", "predict_dataloader"], [69, 2, 1, "", "setup"], [69, 2, 1, "", "teardown"], [69, 2, 1, "", "test_dataloader"], [69, 2, 1, "", "train_dataloader"], [69, 2, 1, "", "val_dataloader"]], "otx.core.data.OTXDatasetFactory": [[69, 2, 1, "", "create"]], "otx.core.data.TransformLibFactory": [[69, 2, 1, "", "generate"]], "otx.core.exporter": [[71, 0, 0, "-", "base"], [72, 0, 0, "-", "exportable_code"], [74, 0, 0, "-", "mmdeploy"], [75, 0, 0, "-", "native"], [76, 0, 0, "-", "visual_prompting"]], "otx.core.exporter.base": [[71, 1, 1, "", "OTXModelExporter"]], "otx.core.exporter.base.OTXModelExporter": [[71, 2, 1, "", "export"], [71, 2, 1, "", "to_exportable_code"], [71, 2, 1, "", "to_onnx"], [71, 2, 1, "", "to_openvino"]], "otx.core.exporter.exportable_code": [[73, 0, 0, "-", "demo"]], "otx.core.exporter.mmdeploy": [[74, 1, 1, "", "MMdeployExporter"], [74, 3, 1, "", "load_mmconfig_from_pkg"], [74, 3, 1, "", "mmdeploy_init_model_helper"], [74, 3, 1, "", "patch_input_shape"], [74, 3, 1, "", "patch_ir_scale_factor"], [74, 3, 1, "", "use_temporary_default_scope"]], "otx.core.exporter.mmdeploy.MMdeployExporter": [[74, 2, 1, "", "cvt_torch2onnx_partition"], [74, 2, 1, "", "to_onnx"], [74, 2, 1, "", "to_openvino"]], "otx.core.exporter.native": [[75, 1, 1, "", "OTXNativeModelExporter"]], "otx.core.exporter.native.OTXNativeModelExporter": [[75, 2, 1, "", "to_onnx"], [75, 2, 1, "", "to_openvino"]], "otx.core.exporter.visual_prompting": [[76, 1, 1, "", "OTXVisualPromptingModelExporter"]], "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter": [[76, 2, 1, "", "export"], [76, 2, 1, "", "get_onnx_dummy_inputs"], [76, 2, 1, "", "to_onnx"], [76, 2, 1, "", "to_openvino"]], "otx.core.metrics": [[78, 0, 0, "-", "accuracy"], [79, 0, 0, "-", "fmeasure"]], "otx.core.metrics.accuracy": [[78, 1, 1, "", "AccuracywithLabelGroup"], [78, 1, 1, "", "HlabelAccuracy"], [78, 1, 1, "", "MixedHLabelAccuracy"], [78, 1, 1, "", "MulticlassAccuracywithLabelGroup"], [78, 1, 1, "", "MultilabelAccuracywithLabelGroup"], [78, 1, 1, "", "NamedConfusionMatrix"]], "otx.core.metrics.accuracy.AccuracywithLabelGroup": [[78, 2, 1, "", "compute"], [78, 4, 1, "", "label_info"], [78, 2, 1, "", "update"]], "otx.core.metrics.accuracy.MixedHLabelAccuracy": [[78, 2, 1, "", "compute"], [78, 2, 1, "", "update"]], "otx.core.metrics.accuracy.NamedConfusionMatrix": [[78, 4, 1, "", "col_names"], [78, 4, 1, "", "row_names"]], "otx.core.metrics.fmeasure": [[79, 1, 1, "", "FMeasure"], [79, 3, 1, "", "bounding_box_intersection_over_union"], [79, 3, 1, "", "get_iou_matrix"], [79, 3, 1, "", "get_n_false_negatives"], [79, 3, 1, "", "intersection_box"]], "otx.core.metrics.fmeasure.FMeasure": [[79, 4, 1, "", "best_confidence_threshold"], [79, 4, 1, "", "best_nms_threshold"], [79, 4, 1, "", "classes"], [79, 2, 1, "", "compute"], [79, 4, 1, "", "f_measure"], [79, 4, 1, "", "f_measure_per_confidence"], [79, 4, 1, "", "f_measure_per_label"], [79, 4, 1, "", "f_measure_per_nms"], [79, 2, 1, "", "update"]], "otx.core.model": [[81, 0, 0, "-", "entity"], [96, 0, 0, "-", "module"]], "otx.core.model.entity": [[82, 0, 0, "-", "action_classification"], [83, 0, 0, "-", "action_detection"], [84, 0, 0, "-", "base"], [85, 0, 0, "-", "classification"], [86, 0, 0, "-", "detection"], [87, 0, 0, "-", "instance_segmentation"], [88, 0, 0, "-", "rotated_detection"], [89, 0, 0, "-", "segmentation"], [90, 0, 0, "-", "utils"], [95, 0, 0, "-", "visual_prompting"]], "otx.core.model.entity.action_classification": [[82, 1, 1, "", "MMActionCompatibleModel"], [82, 1, 1, "", "OTXActionClsModel"], [82, 1, 1, "", "OVActionClsModel"]], "otx.core.model.entity.action_classification.OVActionClsModel": [[82, 4, 1, "", "model_adapter_parameters"], [82, 2, 1, "", "transform_fn"]], "otx.core.model.entity.action_detection": [[83, 1, 1, "", "MMActionCompatibleModel"], [83, 1, 1, "", "OTXActionDetModel"]], "otx.core.model.entity.base": [[84, 1, 1, "", "OTXModel"], [84, 1, 1, "", "OVModel"]], "otx.core.model.entity.base.OTXModel": [[84, 4, 1, "", "explain_mode"], [84, 2, 1, "", "export"], [84, 2, 1, "", "forward"], [84, 2, 1, "", "forward_explain"], [84, 2, 1, "", "forward_tiles"], [84, 2, 1, "", "get_explain_fn"], [84, 4, 1, "", "label_info"], [84, 2, 1, "", "load_state_dict_pre_hook"], [84, 2, 1, "", "map_class_names"], [84, 4, 1, "", "num_classes"], [84, 2, 1, "", "optimize"], [84, 2, 1, "", "register_load_state_dict_pre_hook"], [84, 2, 1, "", "setup_callback"]], "otx.core.model.entity.base.OVModel": [[84, 2, 1, "", "forward"], [84, 4, 1, "", "label_info"], [84, 4, 1, "", "model_adapter_parameters"], [84, 4, 1, "", "num_classes"], [84, 2, 1, "", "optimize"], [84, 2, 1, "", "transform_fn"]], "otx.core.model.entity.classification": [[85, 1, 1, "", "ExplainableOTXClsModel"], [85, 1, 1, "", "MMPretrainHlabelClsModel"], [85, 1, 1, "", "MMPretrainMulticlassClsModel"], [85, 1, 1, "", "MMPretrainMultilabelClsModel"], [85, 1, 1, "", "OTXHlabelClsModel"], [85, 1, 1, "", "OTXMulticlassClsModel"], [85, 1, 1, "", "OTXMultilabelClsModel"], [85, 1, 1, "", "OVHlabelClassificationModel"], [85, 1, 1, "", "OVMulticlassClassificationModel"], [85, 1, 1, "", "OVMultilabelClassificationModel"]], "otx.core.model.entity.classification.ExplainableOTXClsModel": [[85, 2, 1, "", "forward_explain"], [85, 2, 1, "", "get_explain_fn"], [85, 4, 1, "", "has_gap"], [85, 2, 1, "", "head_forward_fn"]], "otx.core.model.entity.classification.MMPretrainHlabelClsModel": [[85, 2, 1, "", "set_hlabel_info"]], "otx.core.model.entity.classification.OVHlabelClassificationModel": [[85, 2, 1, "", "set_hlabel_info"]], "otx.core.model.entity.detection": [[86, 1, 1, "", "ExplainableOTXDetModel"], [86, 1, 1, "", "MMDetCompatibleModel"], [86, 1, 1, "", "OTXDetectionModel"], [86, 1, 1, "", "OVDetectionModel"]], "otx.core.model.entity.detection.ExplainableOTXDetModel": [[86, 2, 1, "", "forward_explain"], [86, 2, 1, "", "get_explain_fn"], [86, 2, 1, "", "get_num_anchors"]], "otx.core.model.entity.detection.OTXDetectionModel": [[86, 2, 1, "", "forward_tiles"]], "otx.core.model.entity.instance_segmentation": [[87, 1, 1, "", "ExplainableOTXInstanceSegModel"], [87, 1, 1, "", "MMDetInstanceSegCompatibleModel"], [87, 1, 1, "", "OTXInstanceSegModel"], [87, 1, 1, "", "OVInstanceSegmentationModel"]], "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel": [[87, 2, 1, "", "forward_explain"], [87, 2, 1, "", "get_explain_fn"]], "otx.core.model.entity.instance_segmentation.OTXInstanceSegModel": [[87, 2, 1, "", "forward_tiles"]], "otx.core.model.entity.rotated_detection": [[88, 1, 1, "", "MMDetRotatedDetModel"], [88, 1, 1, "", "OTXRotatedDetModel"], [88, 1, 1, "", "OVRotatedDetectionModel"]], "otx.core.model.entity.segmentation": [[89, 1, 1, "", "MMSegCompatibleModel"], [89, 1, 1, "", "OTXSegmentationModel"], [89, 1, 1, "", "OVSegmentationModel"]], "otx.core.model.entity.utils": [[91, 0, 0, "-", "mmaction"], [92, 0, 0, "-", "mmdet"], [93, 0, 0, "-", "mmpretrain"], [94, 0, 0, "-", "mmseg"]], "otx.core.model.entity.utils.mmaction": [[91, 1, 1, "", "ActionDataPreprocessor"], [91, 3, 1, "", "create_model"]], "otx.core.model.entity.utils.mmaction.ActionDataPreprocessor": [[91, 4, 1, "", "device"]], "otx.core.model.entity.utils.mmdet": [[92, 1, 1, "", "DetDataPreprocessor"], [92, 3, 1, "", "create_model"]], "otx.core.model.entity.utils.mmdet.DetDataPreprocessor": [[92, 4, 1, "", "device"]], "otx.core.model.entity.utils.mmpretrain": [[93, 1, 1, "", "ClsDataPreprocessor"], [93, 3, 1, "", "create_model"]], "otx.core.model.entity.utils.mmpretrain.ClsDataPreprocessor": [[93, 4, 1, "", "device"]], "otx.core.model.entity.utils.mmseg": [[94, 1, 1, "", "SegDataPreProcessor"], [94, 3, 1, "", "create_model"], [94, 3, 1, "", "stack_batch"]], "otx.core.model.entity.utils.mmseg.SegDataPreProcessor": [[94, 4, 1, "", "device"], [94, 2, 1, "", "forward"]], "otx.core.model.entity.visual_prompting": [[95, 1, 1, "", "OTXVisualPromptingModel"], [95, 1, 1, "", "OVVisualPromptingModel"], [95, 1, 1, "", "OVZeroShotVisualPromptingModel"]], "otx.core.model.entity.visual_prompting.OVVisualPromptingModel": [[95, 2, 1, "", "forward"], [95, 2, 1, "", "optimize"]], "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel": [[95, 2, 1, "", "expand_reference_info"], [95, 2, 1, "", "forward"], [95, 2, 1, "", "infer"], [95, 2, 1, "", "initialize_reference_info"], [95, 2, 1, "", "learn"], [95, 2, 1, "", "load_latest_reference_info"]], "otx.core.model.module": [[97, 0, 0, "-", "action_classification"], [98, 0, 0, "-", "action_detection"], [99, 0, 0, "-", "anomaly"], [100, 0, 0, "-", "base"], [101, 0, 0, "-", "classification"], [102, 0, 0, "-", "detection"], [103, 0, 0, "-", "instance_segmentation"], [104, 0, 0, "-", "rotated_detection"], [105, 0, 0, "-", "segmentation"], [106, 0, 0, "-", "visual_prompting"]], "otx.core.model.module.action_classification": [[97, 1, 1, "", "OTXActionClsLitModule"]], "otx.core.model.module.action_classification.OTXActionClsLitModule": [[97, 2, 1, "", "test_step"], [97, 2, 1, "", "validation_step"]], "otx.core.model.module.action_detection": [[98, 1, 1, "", "OTXActionDetLitModule"]], "otx.core.model.module.action_detection.OTXActionDetLitModule": [[98, 2, 1, "", "test_step"], [98, 2, 1, "", "validation_step"]], "otx.core.model.module.anomaly": [[99, 1, 1, "", "OTXAnomaly"]], "otx.core.model.module.anomaly.OTXAnomaly": [[99, 2, 1, "", "configure_callbacks"], [99, 2, 1, "", "configure_optimizers"], [99, 2, 1, "", "export"], [99, 2, 1, "", "forward"], [99, 4, 1, "", "input_size"], [99, 4, 1, "", "label_info"], [99, 2, 1, "", "load_state_dict"], [99, 2, 1, "", "on_predict_batch_end"], [99, 2, 1, "", "on_test_batch_end"], [99, 2, 1, "", "predict_step"], [99, 2, 1, "", "setup"], [99, 2, 1, "", "state_dict"], [99, 4, 1, "", "task"], [99, 2, 1, "", "test_step"], [99, 4, 1, "", "trainable_model"], [99, 2, 1, "", "training_step"], [99, 2, 1, "", "validation_step"]], "otx.core.model.module.base": [[100, 1, 1, "", "OTXLitModule"]], "otx.core.model.module.base.OTXLitModule": [[100, 2, 1, "", "configure_metric"], [100, 2, 1, "", "configure_optimizers"], [100, 2, 1, "", "export"], [100, 2, 1, "", "forward"], [100, 4, 1, "", "label_info"], [100, 2, 1, "", "load_state_dict"], [100, 2, 1, "", "on_test_epoch_end"], [100, 2, 1, "", "on_test_epoch_start"], [100, 2, 1, "", "on_test_start"], [100, 2, 1, "", "on_validation_epoch_end"], [100, 2, 1, "", "on_validation_epoch_start"], [100, 2, 1, "", "on_validation_start"], [100, 2, 1, "", "register_load_state_dict_pre_hook"], [100, 2, 1, "", "setup"], [100, 2, 1, "", "state_dict"], [100, 2, 1, "", "training_step"]], "otx.core.model.module.classification": [[101, 1, 1, "", "OTXHlabelClsLitModule"], [101, 1, 1, "", "OTXMulticlassClsLitModule"], [101, 1, 1, "", "OTXMultilabelClsLitModule"]], "otx.core.model.module.classification.OTXHlabelClsLitModule": [[101, 2, 1, "", "configure_metric"], [101, 4, 1, "", "label_info"], [101, 2, 1, "", "test_step"], [101, 2, 1, "", "validation_step"]], "otx.core.model.module.classification.OTXMulticlassClsLitModule": [[101, 2, 1, "", "configure_metric"], [101, 2, 1, "", "test_step"], [101, 2, 1, "", "validation_step"]], "otx.core.model.module.classification.OTXMultilabelClsLitModule": [[101, 2, 1, "", "configure_metric"], [101, 2, 1, "", "test_step"], [101, 2, 1, "", "validation_step"]], "otx.core.model.module.detection": [[102, 1, 1, "", "OTXDetectionLitModule"]], "otx.core.model.module.detection.OTXDetectionLitModule": [[102, 2, 1, "", "configure_metric"], [102, 2, 1, "", "load_state_dict"], [102, 2, 1, "", "test_step"], [102, 2, 1, "", "validation_step"]], "otx.core.model.module.instance_segmentation": [[103, 1, 1, "", "OTXInstanceSegLitModule"]], "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule": [[103, 2, 1, "", "configure_metric"], [103, 2, 1, "", "load_state_dict"], [103, 2, 1, "", "on_test_epoch_end"], [103, 2, 1, "", "on_validation_epoch_end"], [103, 2, 1, "", "test_step"], [103, 2, 1, "", "validation_step"]], "otx.core.model.module.rotated_detection": [[104, 1, 1, "", "OTXRotatedDetLitModule"]], "otx.core.model.module.rotated_detection.OTXRotatedDetLitModule": [[104, 2, 1, "", "predict_step"]], "otx.core.model.module.segmentation": [[105, 1, 1, "", "OTXSegmentationLitModule"]], "otx.core.model.module.segmentation.OTXSegmentationLitModule": [[105, 2, 1, "", "configure_metric"], [105, 2, 1, "", "test_step"], [105, 2, 1, "", "validation_step"]], "otx.core.model.module.visual_prompting": [[106, 1, 1, "", "OTXVisualPromptingLitModule"], [106, 1, 1, "", "OTXZeroShotVisualPromptingLitModule"]], "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule": [[106, 2, 1, "", "configure_metric"], [106, 2, 1, "", "on_test_epoch_end"], [106, 2, 1, "", "on_test_epoch_start"], [106, 2, 1, "", "on_train_epoch_end"], [106, 2, 1, "", "on_train_epoch_start"], [106, 2, 1, "", "on_validation_epoch_end"], [106, 2, 1, "", "on_validation_epoch_start"], [106, 2, 1, "", "test_step"], [106, 2, 1, "", "training_step"], [106, 2, 1, "", "validation_step"]], "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule": [[106, 2, 1, "", "configure_metric"], [106, 2, 1, "", "configure_optimizers"], [106, 2, 1, "", "on_predict_start"], [106, 2, 1, "", "on_test_start"], [106, 2, 1, "", "on_train_epoch_end"], [106, 2, 1, "", "on_train_epoch_start"], [106, 2, 1, "", "on_train_start"], [106, 2, 1, "", "on_validation_epoch_end"], [106, 2, 1, "", "on_validation_epoch_start"], [106, 2, 1, "", "training_step"], [106, 2, 1, "", "validation_step"]], "otx.core.types": [[108, 0, 0, "-", "device"], [109, 0, 0, "-", "explain"], [110, 0, 0, "-", "export"], [111, 0, 0, "-", "image"], [112, 0, 0, "-", "precision"], [113, 0, 0, "-", "task"], [114, 0, 0, "-", "transformer_libs"]], "otx.core.types.device": [[108, 1, 1, "", "DeviceType"]], "otx.core.types.explain": [[109, 1, 1, "", "TargetExplainGroup"]], "otx.core.types.export": [[110, 1, 1, "", "OTXExportFormatType"]], "otx.core.types.image": [[111, 1, 1, "", "ImageColorChannel"], [111, 1, 1, "", "ImageType"]], "otx.core.types.image.ImageType": [[111, 2, 1, "", "get_image_type"]], "otx.core.types.precision": [[112, 1, 1, "", "OTXPrecisionType"]], "otx.core.types.task": [[113, 1, 1, "", "OTXTaskType"]], "otx.core.types.transformer_libs": [[114, 1, 1, "", "TransformLibType"]], "otx.core.utils": [[116, 0, 0, "-", "build"], [117, 0, 0, "-", "cache"], [118, 0, 0, "-", "config"], [119, 0, 0, "-", "imports"], [120, 0, 0, "-", "instantiators"], [121, 0, 0, "-", "mask_util"], [122, 0, 0, "-", "pylogger"], [123, 0, 0, "-", "tile_merge"], [124, 0, 0, "-", "utils"]], "otx.core.utils.build": [[116, 3, 1, "", "build_mm_model"], [116, 3, 1, "", "get_classification_layers"], [116, 3, 1, "", "get_default_num_async_infer_requests"], [116, 3, 1, "", "modify_num_classes"]], "otx.core.utils.cache": [[117, 1, 1, "", "TrainerArgumentsCache"]], "otx.core.utils.cache.TrainerArgumentsCache": [[117, 4, 1, "", "args"], [117, 2, 1, "", "get_trainer_constructor_args"], [117, 2, 1, "", "requires_update"], [117, 2, 1, "", "update"]], "otx.core.utils.config": [[118, 3, 1, "", "convert_conf_to_mmconfig_dict"], [118, 3, 1, "", "inplace_num_classes"], [118, 3, 1, "", "mmconfig_dict_to_dict"], [118, 3, 1, "", "to_list"], [118, 3, 1, "", "to_tuple"]], "otx.core.utils.imports": [[119, 3, 1, "", "get_otx_root_path"]], "otx.core.utils.instantiators": [[120, 3, 1, "", "instantiate_callbacks"], [120, 3, 1, "", "instantiate_loggers"], [120, 3, 1, "", "instantiate_sampler"], [120, 3, 1, "", "partial_instantiate_class"]], "otx.core.utils.mask_util": [[121, 3, 1, "", "encode_rle"], [121, 3, 1, "", "polygon_to_bitmap"], [121, 3, 1, "", "polygon_to_rle"]], "otx.core.utils.pylogger": [[122, 3, 1, "", "get_pylogger"]], "otx.core.utils.tile_merge": [[123, 1, 1, "", "DetectionTileMerge"], [123, 1, 1, "", "InstanceSegTileMerge"], [123, 1, 1, "", "TileMerge"]], "otx.core.utils.tile_merge.DetectionTileMerge": [[123, 2, 1, "", "merge"]], "otx.core.utils.tile_merge.InstanceSegTileMerge": [[123, 2, 1, "", "merge"]], "otx.core.utils.tile_merge.TileMerge": [[123, 2, 1, "", "merge"], [123, 2, 1, "", "nms_postprocess"]], "otx.core.utils.utils": [[124, 3, 1, "", "get_adaptive_num_workers"], [124, 3, 1, "", "get_idx_list_per_classes"], [124, 3, 1, "", "get_mean_std_from_data_processing"], [124, 3, 1, "", "is_ckpt_for_finetuning"], [124, 3, 1, "", "is_ckpt_from_otx_v1"]], "otx.data": [[125, 1, 1, "", "AnomalyDataModule"]], "otx.engine": [[126, 1, 1, "", "Engine"]], "otx.engine.Engine": [[126, 4, 1, "", "datamodule"], [126, 4, 1, "", "device"], [126, 2, 1, "", "explain"], [126, 2, 1, "", "export"], [126, 2, 1, "", "from_config"], [126, 2, 1, "", "from_model_name"], [126, 4, 1, "", "model"], [126, 2, 1, "", "optimize"], [126, 2, 1, "", "predict"], [126, 2, 1, "", "test"], [126, 2, 1, "", "train"], [126, 4, 1, "", "trainer"], [126, 4, 1, "", "trainer_params"], [126, 4, 1, "", "work_dir"]], "otx.hpo": [[127, 1, 1, "", "HyperBand"], [127, 1, 1, "", "TrialStatus"], [127, 3, 1, "", "run_hpo_loop"]], "otx.hpo.HyperBand": [[127, 2, 1, "", "auto_config"], [127, 2, 1, "", "get_best_config"], [127, 2, 1, "", "get_next_sample"], [127, 2, 1, "", "get_progress"], [127, 2, 1, "", "is_done"], [127, 2, 1, "", "print_result"], [127, 2, 1, "", "report_score"], [127, 2, 1, "", "save_results"]], "otx.tools": [[130, 0, 0, "-", "translate_mmrecipe"]], "otx.utils": [[131, 3, 1, "", "append_main_proc_signal_handler"], [131, 3, 1, "", "append_signal_handler"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:function", "4": "py:property", "5": "py:attribute"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "function", "Python function"], "4": ["py", "property", "Python property"], "5": ["py", "attribute", "Python attribute"]}, "titleterms": {"adapt": [0, 1], "train": [0, 6, 7, 12, 27, 28, 29, 138, 139, 140, 141, 142, 143, 144, 145, 146, 148], "auto": [1, 27], "configur": [1, 4, 7, 27, 134], "batch": 1, "size": [1, 7], "num_work": 1, "class": [2, 15, 27, 28, 29], "increment": 2, "sampler": 2, "balanc": 2, "fast": 3, "data": [3, 65, 69, 125], "load": 3, "cach": [3, 117], "In": 3, "memori": 3, "hyperparamet": 4, "optim": [4, 6, 7, 27, 28, 138, 140, 141, 142, 144, 145, 146], "algorithm": [4, 8, 17], "how": [4, 134], "hyper": 4, "paramet": [4, 7, 12], "addit": 5, "featur": [5, 30], "model": [6, 7, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 138, 139, 141, 142, 144, 145, 146], "post": 6, "quantiz": 6, "tool": [6, 129, 130], "improv": 7, "small": 7, "object": [7, 18, 19, 142], "detect": [7, 8, 10, 12, 18, 19, 40, 41, 42, 43, 44, 86, 102, 139, 140, 142], "imag": [7, 111], "tile": 7, "strategi": [7, 50], "enabl": 7, "via": 7, "otx": [7, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 134], "overlap": 7, "sampl": 7, "manual": 7, "run": [7, 29], "openvino": [7, 29, 148], "export": [7, 27, 28, 70, 71, 72, 73, 74, 75, 76, 110, 137, 138, 140, 141, 142, 144, 145, 146], "explain": [8, 67, 109], "ai": 8, "xai": [8, 27, 136], "classif": [8, 9, 12, 13, 14, 15, 16, 36, 37, 38, 39, 85, 101, 138, 140, 141], "instanc": [8, 21, 144], "segment": [8, 12, 20, 21, 22, 46, 47, 48, 49, 89, 105, 140, 144, 145], "action": [9, 10, 11, 138, 139], "dataset": [9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 138, 139, 140, 141, 142, 144, 145, 146], "format": [9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25], "recognit": 11, "anomali": [12, 99, 140], "task": [12, 113], "type": [12, 107, 108, 109, 110, 111, 112, 113, 114], "cluster": 12, "base": [12, 71, 84, 100, 147], "padim": 12, "knowledg": 12, "distil": 12, "stfpm": 12, "reconstruct": 12, "dr\u00e6m": 12, "hierarch": 13, "multi": [15, 16], "label": 16, "content": [17, 30], "semant": [22, 145], "visual": [23, 24, 25, 146], "prompt": [23, 24, 25, 146], "fine": 23, "tune": 23, "zero": 25, "shot": 25, "learn": 25, "simpl": 25, "tutori": [25, 135, 136, 140, 143, 147], "product": 26, "design": 26, "our": 26, "mission": 26, "principl": 26, "core": [26, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124], "entrypoint": 26, "svg": [27, 28, 29], "version": [27, 28, 29], "1": [27, 28, 29, 133], "width": [27, 28, 29], "0em": [27, 28, 29], "height": [27, 28, 29], "sd": [27, 28, 29], "octicon": [27, 28, 29], "code": 27, "squar": 27, "viewbox": [27, 28, 29], "0": [27, 28, 29, 133], "16": [27, 28, 29], "aria": [27, 28, 29], "hidden": [27, 28, 29], "true": [27, 28, 29], "path": [27, 28, 29], "fill": [27, 28, 29], "rule": [27, 28, 29], "evenodd": [27, 28, 29], "d": [27, 28, 29], "m1": 27, "75": [27, 28, 29], "5a": [27, 28], "25": [27, 28, 29], "00": [27, 28, 29], "25v12": 27, "5c0": [27, 28], "138": [27, 28], "112": [27, 28], "25h12": [27, 28], "25v1": 27, "75a": [27, 28], "25h1": [27, 28], "75zm0": 27, "75c0": [27, 28], "784": [27, 28], "0h12": 27, "5c15": 27, "216": 27, "75v12": 27, "5a1": [27, 28], "0114": [27, 28], "16h1": 27, "75a1": [27, 28], "010": [27, 28], "14": [27, 28], "75zm9": 27, "22": [27, 28], "3": [27, 28, 29, 133], "72a": 27, "000": [27, 28], "06l10": 27, "69": 27, "8": [27, 28, 29], "9": 27, "47a": 27, "101": 27, "06": [27, 28], "06l2": [27, 28], "2a": 27, "06l": 27, "2": [27, 28, 29, 133], "0zm6": 27, "78": 27, "6": [27, 28], "53a": 27, "06l5": [27, 28], "31": 27, "8l1": 27, "47": 27, "47z": 27, "api": [27, 132], "quick": 27, "guid": [27, 28, 31], "prepar": [27, 138, 139, 140, 141, 142, 144, 145, 146], "start": 27, "check": 27, "avail": 27, "recip": [27, 128, 134], "engin": [27, 126], "evalu": [27, 28, 138, 139, 140, 141, 142, 146], "termin": 28, "m0": 28, "1h12": 28, "5c": 28, "966": 28, "75v10": 28, "15h1": 28, "13": 28, "25v2": 28, "75zm1": 28, "25a": 28, "25v10": 28, "75zm7": 28, "8a": 28, "01": [28, 29], "53l": 28, "11": 28, "44": 28, "72": 28, "28a": 28, "111": 28, "25c": 28, "141": 28, "331": 28, "53zm1": 28, "5": [28, 29, 133], "5h3a": 28, "5h": 28, "3z": 28, "cli": [28, 55, 56, 57, 58, 59, 60, 61, 62], "help": 28, "print_config": 28, "find": 28, "handl": 28, "explan": 28, "workspac": [28, 62], "packag": 29, "m8": 29, "878": 29, "392a1": 29, "756": 29, "0l": 29, "045a1": 29, "001": 29, "4": [29, 133], "951v6": 29, "098c0": 29, "624": 29, "332": 29, "872": 29, "514l5": 29, "0l5": 29, "045c": 29, "54": 29, "313": 29, "89": 29, "514v4": 29, "951c0": 29, "514l8": 29, "392zm7": 29, "875": 29, "69a": 29, "0l4": 29, "63": 29, "685l8": 29, "7": 29, "133": 29, "245": 29, "375l4": 29, "685zm2": 29, "677v5": 29, "372c0": 29, "09": 29, "047": 29, "171": 29, "125": 29, "216l4": 29, "625": 29, "683v8": 29, "432l2": 29, "677zm6": 29, "271l4": 29, "683a": 29, "216v5": 29, "677l8": 29, "432v5": 29, "516z": 29, "instal": [29, 57, 60], "prerequisit": 29, "extens": [29, 148], "user": 29, "cuda": 29, "cpu": 29, "xpu": 29, "devic": [29, 66, 108], "develop": [29, 148], "us": 29, "docker": 29, "test": 29, "troubleshoot": 29, "introduct": 30, "kei": 30, "document": [30, 148], "releas": [31, 133], "note": 31, "algo": [33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54], "acceler": 34, "action_classif": [35, 82, 97], "backbon": [37, 41, 42, 47, 52], "head": [38, 43, 48], "loss": [39, 44, 49], "pytorchcv_backbon": 42, "plugin": 45, "visual_prompt": [51, 52, 53, 54, 76, 95, 106], "decod": 53, "encod": 54, "util": [58, 59, 60, 61, 62, 90, 91, 92, 93, 94, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 131], "help_formatt": 59, "jsonargpars": 61, "config": [64, 65, 66, 67, 68, 118], "hpo": [68, 127], "exportable_cod": [72, 73], "demo": [73, 137], "mmdeploi": 74, "nativ": 75, "metric": [77, 78, 79], "accuraci": 78, "fmeasur": 79, "entiti": [81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95], "action_detect": [83, 98], "instance_segment": [87, 103], "rotated_detect": [88, 104], "mmaction": 91, "mmdet": 92, "mmpretrain": 93, "mmseg": 94, "modul": [96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106], "precis": 112, "transformer_lib": 114, "build": 116, "import": 119, "instanti": 120, "mask_util": 121, "pylogg": 122, "tile_merg": 123, "translate_mmrecip": 130, "refer": 132, "v2": 133, "1q24": 133, "v1": 133, "4q23": 133, "3q23": 133, "2q23": 133, "1q23": 133, "write": 134, "advanc": 135, "deploi": 137, "demonstr": 137, "setup": [138, 139, 140, 141, 142, 144, 145, 146], "virtual": [138, 139, 140, 141, 142, 144, 145, 146], "environ": [138, 139, 140, 141, 142, 144, 145, 146], "deploy": 143, "valid": [144, 145], "welcom": 148, "intel": 148, "": 148, "indic": 148, "tabl": 148}, "envversion": {"sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "sphinx": 60}, "alltitles": {"Adaptive Training": [[0, "adaptive-training"]], "Auto-configuration": [[1, "auto-configuration"]], "Auto-adapt batch size": [[1, "auto-adapt-batch-size"]], "Auto-adapt num_workers": [[1, "auto-adapt-num-workers"]], "Class-Incremental Sampler": [[2, "class-incremental-sampler"]], "Balanced Sampler": [[2, "balanced-sampler"]], "Fast Data Loading": [[3, "fast-data-loading"]], "Caching": [[3, "caching"]], "In-Memory Caching": [[3, "in-memory-caching"]], "Hyperparameters Optimization": [[4, "hyperparameters-optimization"]], "Algorithm": [[4, "algorithm"]], "How to configure hyper-parameter optimization": [[4, "how-to-configure-hyper-parameter-optimization"]], "Additional Features": [[5, "additional-features"]], "Models Optimization": [[6, "models-optimization"]], "Post-Training Quantization Tool": [[6, "post-training-quantization-tool"]], "Improve Small Object Detection with Image Tiling": [[7, "improve-small-object-detection-with-image-tiling"]], "Tiling Strategies": [[7, "tiling-strategies"]], "Enable Tiling via OTX Training": [[7, "enable-tiling-via-otx-training"]], "Tile Size and Tile Overlap Optimization": [[7, "tile-size-and-tile-overlap-optimization"]], "Tiling Sampling Strategy": [[7, "tiling-sampling-strategy"]], "Manual Tiling Parameter Configuration": [[7, "manual-tiling-parameter-configuration"]], "Run Tiling on OpenVINO Exported Model": [[7, "run-tiling-on-openvino-exported-model"]], "Explainable AI (XAI)": [[8, "explainable-ai-xai"]], "XAI algorithms for classification": [[8, "xai-algorithms-for-classification"]], "XAI algorithms for detection": [[8, "xai-algorithms-for-detection"]], "XAI algorithms for instance segmentation": [[8, "xai-algorithms-for-instance-segmentation"]], "Action Classification": [[9, "action-classification"]], "Dataset Format": [[9, "dataset-format"], [10, "dataset-format"], [12, "dataset-format"], [13, "dataset-format"], [15, "dataset-format"], [16, "dataset-format"], [19, "dataset-format"], [21, "dataset-format"], [22, "dataset-format"], [23, "dataset-format"], [25, "dataset-format"]], "Models": [[9, "models"], [10, "models"], [12, "models"], [13, "models"], [15, "models"], [16, "models"], [19, "models"], [21, "models"], [22, "models"], [23, "models"], [25, "models"]], "Action Detection": [[10, "action-detection"]], "Action Recognition": [[11, "action-recognition"]], "Anomaly Detection": [[12, "anomaly-detection"], [12, "id1"]], "Task Types": [[12, "task-types"]], "Anomaly Classification": [[12, "anomaly-classification"]], "Anomaly Segmentation": [[12, "anomaly-segmentation"]], "Clustering-based Models": [[12, "clustering-based-models"]], "PADIM": [[12, "id7"]], "Parameters": [[12, "parameters"]], "Knowledge Distillation-based Models": [[12, "knowledge-distillation-based-models"]], "STFPM": [[12, "id8"]], "Training Parameters": [[12, "training-parameters"], [12, "id9"]], "Reconstruction-based Models": [[12, "reconstruction-based-models"]], "DR\u00c6M": [[12, "draem"]], "Hierarchical Classification": [[13, "hierarchical-classification"]], "Classification": [[14, "classification"]], "Multi-class Classification": [[15, "multi-class-classification"]], "Multi-label Classification": [[16, "multi-label-classification"]], "Algorithms": [[17, "algorithms"]], "Contents": [[17, "contents"]], "Object Detection": [[18, "object-detection"], [19, "object-detection"]], "Segmentation": [[20, "segmentation"]], "Instance Segmentation": [[21, "instance-segmentation"]], "Semantic Segmentation": [[22, "semantic-segmentation"]], "Visual Prompting (Fine-tuning)": [[23, "visual-prompting-fine-tuning"]], "Visual Prompting": [[24, "visual-prompting"]], "Visual Prompting (Zero-shot learning)": [[25, "visual-prompting-zero-shot-learning"]], "Simple tutorial": [[25, "simple-tutorial"]], "Product Design": [[26, "product-design"]], "Our Product Mission": [[26, "our-product-mission"]], "Product Design Principles": [[26, "product-design-principles"]], "Core": [[26, "core"]], "Entrypoint": [[26, "entrypoint"]], " API Quick-Guide": [[27, "svg-version-1-1-width-1-0em-height-1-0em-class-sd-octicon-sd-octicon-code-square-viewbox-0-0-16-16-aria-hidden-true-path-fill-rule-evenodd-d-m1-75-1-5a-25-25-0-00-25-25v12-5c0-138-112-25-25-25h12-5a-25-25-0-00-25-25v1-75a-25-25-0-00-25-25h1-75zm0-1-75c0-784-784-0-1-75-0h12-5c15-216-0-16-784-16-1-75v12-5a1-75-1-75-0-0114-25-16h1-75a1-75-1-75-0-010-14-25v1-75zm9-22-3-72a-75-75-0-000-1-06l10-69-8-9-22-9-47a-75-75-0-101-06-1-06l2-2a-75-75-0-000-1-06l-2-2a-75-75-0-00-1-06-0zm6-78-6-53a-75-75-0-00-1-06-1-06l-2-2a-75-75-0-000-1-06l2-2a-75-75-0-101-06-1-06l5-31-8l1-47-1-47z-path-svg-api-quick-guide"]], "Dataset preparation": [[27, "dataset-preparation"], [138, "dataset-preparation"], [139, "dataset-preparation"], [141, "dataset-preparation"], [142, "dataset-preparation"], [144, "dataset-preparation"], [145, "dataset-preparation"], [146, "dataset-preparation"]], "Quick Start with auto-configuration": [[27, "quick-start-with-auto-configuration"]], "Check Available Model Recipes": [[27, "check-available-model-recipes"]], "Engine": [[27, "engine"]], "Training": [[27, "training"], [28, "training"], [138, "training"], [139, "training"], [140, "training"], [141, "training"], [142, "training"], [144, "training"], [145, "training"], [146, "training"]], "Evaluation": [[27, "evaluation"], [28, "evaluation"], [138, "evaluation"], [139, "evaluation"], [140, "evaluation"], [141, "evaluation"], [142, "evaluation"], [146, "evaluation"]], "Exporting": [[27, "exporting"], [28, "exporting"]], "XAI": [[27, "xai"]], "Optimization": [[27, "optimization"], [28, "optimization"], [138, "optimization"], [140, "optimization"], [141, "optimization"], [142, "optimization"], [144, "optimization"], [145, "optimization"], [146, "optimization"]], " CLI Guide": [[28, "svg-version-1-1-width-1-0em-height-1-0em-class-sd-octicon-sd-octicon-terminal-viewbox-0-0-16-16-aria-hidden-true-path-fill-rule-evenodd-d-m0-2-75c0-1-784-784-1-1-75-1h12-5c-966-0-1-75-784-1-75-1-75v10-5a1-75-1-75-0-0114-25-15h1-75a1-75-1-75-0-010-13-25v2-75zm1-75-25a-25-25-0-00-25-25v10-5c0-138-112-25-25-25h12-5a-25-25-0-00-25-25v2-75a-25-25-0-00-25-25h1-75zm7-25-8a-75-75-0-01-22-53l-2-25-2-25a-75-75-0-11-1-06-1-06l5-44-8-3-72-6-28a-75-75-0-111-06-1-06l2-25-2-25c-141-14-22-331-22-53zm1-5-1-5a-75-75-0-000-1-5h3a-75-75-0-000-1-5h-3z-path-svg-cli-guide"]], "Help": [[28, "help"]], "print_config": [[28, "print-config"]], "Find": [[28, "find"]], "Dataset handling": [[28, "dataset-handling"]], "Explanation": [[28, "explanation"]], "Workspace": [[28, "workspace"]], " Installation": [[29, "svg-version-1-1-width-1-0em-height-1-0em-class-sd-octicon-sd-octicon-package-viewbox-0-0-16-16-aria-hidden-true-path-fill-rule-evenodd-d-m8-878-392a1-75-1-75-0-00-1-756-0l-5-25-3-045a1-75-1-75-0-001-4-951v6-098c0-624-332-1-2-872-1-514l5-25-3-045a1-75-1-75-0-001-756-0l5-25-3-045c-54-313-872-89-872-1-514v4-951c0-624-332-1-2-872-1-514l8-878-392zm7-875-1-69a-25-25-0-01-25-0l4-63-2-685l8-7-133-3-245-4-375l4-63-2-685zm2-5-5-677v5-372c0-09-047-171-125-216l4-625-2-683v8-432l2-5-5-677zm6-25-8-271l4-625-2-683a-25-25-0-00-125-216v5-677l8-75-8-432v5-516z-path-svg-installation"]], "Prerequisites": [[29, "prerequisites"]], "Install OpenVINO\u2122 Training Extensions for users (CUDA/CPU)": [[29, "install-openvino-training-extensions-for-users-cuda-cpu"]], "Install OpenVINO\u2122 Training Extensions for users (XPU devices)": [[29, "install-openvino-training-extensions-for-users-xpu-devices"]], "Install OpenVINO\u2122 Training Extensions for developers": [[29, "install-openvino-training-extensions-for-developers"]], "Install OpenVINO\u2122 Training Extensions by using Docker": [[29, "install-openvino-training-extensions-by-using-docker"]], "Run tests": [[29, "run-tests"]], "Troubleshooting": [[29, "troubleshooting"]], "Introduction": [[30, "introduction"]], "Key Features": [[30, "key-features"]], "Documentation content": [[30, "documentation-content"]], "Guide": [[31, "guide"]], "Release Notes": [[31, null]], "otx": [[32, "module-otx"]], "otx.algo": [[33, "module-otx.algo"]], "otx.algo.accelerators": [[34, "module-otx.algo.accelerators"]], "otx.algo.action_classification": [[35, "module-otx.algo.action_classification"]], "otx.algo.classification": [[36, "module-otx.algo.classification"]], "otx.algo.classification.backbones": [[37, "module-otx.algo.classification.backbones"]], "otx.algo.classification.heads": [[38, "module-otx.algo.classification.heads"]], "otx.algo.classification.losses": [[39, "module-otx.algo.classification.losses"]], "otx.algo.detection": [[40, "module-otx.algo.detection"]], "otx.algo.detection.backbones": [[41, "module-otx.algo.detection.backbones"]], "otx.algo.detection.backbones.pytorchcv_backbones": [[42, "module-otx.algo.detection.backbones.pytorchcv_backbones"]], "otx.algo.detection.heads": [[43, "module-otx.algo.detection.heads"]], "otx.algo.detection.losses": [[44, "module-otx.algo.detection.losses"]], "otx.algo.plugins": [[45, "module-otx.algo.plugins"]], "otx.algo.segmentation": [[46, "module-otx.algo.segmentation"]], "otx.algo.segmentation.backbones": [[47, "module-otx.algo.segmentation.backbones"]], "otx.algo.segmentation.heads": [[48, "module-otx.algo.segmentation.heads"]], "otx.algo.segmentation.losses": [[49, "module-otx.algo.segmentation.losses"]], "otx.algo.strategies": [[50, "module-otx.algo.strategies"]], "otx.algo.visual_prompting": [[51, "module-otx.algo.visual_prompting"]], "otx.algo.visual_prompting.backbones": [[52, "module-otx.algo.visual_prompting.backbones"]], "otx.algo.visual_prompting.decoders": [[53, "module-otx.algo.visual_prompting.decoders"]], "otx.algo.visual_prompting.encoders": [[54, "module-otx.algo.visual_prompting.encoders"]], "otx.cli": [[55, "module-otx.cli"]], "otx.cli.cli": [[56, "module-otx.cli.cli"]], "otx.cli.install": [[57, "module-otx.cli.install"]], "otx.cli.utils": [[58, "module-otx.cli.utils"]], "otx.cli.utils.help_formatter": [[59, "module-otx.cli.utils.help_formatter"]], "otx.cli.utils.installation": [[60, "module-otx.cli.utils.installation"]], "otx.cli.utils.jsonargparse": [[61, "module-otx.cli.utils.jsonargparse"]], "otx.cli.utils.workspace": [[62, "module-otx.cli.utils.workspace"]], "otx.core": [[63, "module-otx.core"]], "otx.core.config": [[64, "module-otx.core.config"]], "otx.core.config.data": [[65, "module-otx.core.config.data"]], ")": [[65, "id5"]], "otx.core.config.device": [[66, "module-otx.core.config.device"]], "otx.core.config.explain": [[67, "module-otx.core.config.explain"]], "otx.core.config.hpo": [[68, "module-otx.core.config.hpo"]], "otx.core.data": [[69, "module-otx.core.data"]], "otx.core.exporter": [[70, "module-otx.core.exporter"]], "otx.core.exporter.base": [[71, "module-otx.core.exporter.base"]], "otx.core.exporter.exportable_code": [[72, "module-otx.core.exporter.exportable_code"]], "otx.core.exporter.exportable_code.demo": [[73, "module-otx.core.exporter.exportable_code.demo"]], "otx.core.exporter.mmdeploy": [[74, "module-otx.core.exporter.mmdeploy"]], "otx.core.exporter.native": [[75, "module-otx.core.exporter.native"]], "otx.core.exporter.visual_prompting": [[76, "module-otx.core.exporter.visual_prompting"]], "otx.core.metrics": [[77, "module-otx.core.metrics"]], "otx.core.metrics.accuracy": [[78, "module-otx.core.metrics.accuracy"]], "otx.core.metrics.fmeasure": [[79, "module-otx.core.metrics.fmeasure"]], "otx.core.model": [[80, "module-otx.core.model"]], "otx.core.model.entity": [[81, "module-otx.core.model.entity"]], "otx.core.model.entity.action_classification": [[82, "module-otx.core.model.entity.action_classification"]], "otx.core.model.entity.action_detection": [[83, "module-otx.core.model.entity.action_detection"]], "otx.core.model.entity.base": [[84, "module-otx.core.model.entity.base"]], "otx.core.model.entity.classification": [[85, "module-otx.core.model.entity.classification"]], "otx.core.model.entity.detection": [[86, "module-otx.core.model.entity.detection"]], "otx.core.model.entity.instance_segmentation": [[87, "module-otx.core.model.entity.instance_segmentation"]], "otx.core.model.entity.rotated_detection": [[88, "module-otx.core.model.entity.rotated_detection"]], "otx.core.model.entity.segmentation": [[89, "module-otx.core.model.entity.segmentation"]], "otx.core.model.entity.utils": [[90, "module-otx.core.model.entity.utils"]], "otx.core.model.entity.utils.mmaction": [[91, "module-otx.core.model.entity.utils.mmaction"]], "otx.core.model.entity.utils.mmdet": [[92, "module-otx.core.model.entity.utils.mmdet"]], "otx.core.model.entity.utils.mmpretrain": [[93, "module-otx.core.model.entity.utils.mmpretrain"]], "otx.core.model.entity.utils.mmseg": [[94, "module-otx.core.model.entity.utils.mmseg"]], "otx.core.model.entity.visual_prompting": [[95, "module-otx.core.model.entity.visual_prompting"]], "otx.core.model.module": [[96, "module-otx.core.model.module"]], "otx.core.model.module.action_classification": [[97, "module-otx.core.model.module.action_classification"]], "otx.core.model.module.action_detection": [[98, "module-otx.core.model.module.action_detection"]], "otx.core.model.module.anomaly": [[99, "module-otx.core.model.module.anomaly"]], "otx.core.model.module.base": [[100, "module-otx.core.model.module.base"]], "otx.core.model.module.classification": [[101, "module-otx.core.model.module.classification"]], "otx.core.model.module.detection": [[102, "module-otx.core.model.module.detection"]], "otx.core.model.module.instance_segmentation": [[103, "module-otx.core.model.module.instance_segmentation"]], "otx.core.model.module.rotated_detection": [[104, "module-otx.core.model.module.rotated_detection"]], "otx.core.model.module.segmentation": [[105, "module-otx.core.model.module.segmentation"]], "otx.core.model.module.visual_prompting": [[106, "module-otx.core.model.module.visual_prompting"]], "otx.core.types": [[107, "module-otx.core.types"]], "otx.core.types.device": [[108, "module-otx.core.types.device"]], "otx.core.types.explain": [[109, "module-otx.core.types.explain"]], "otx.core.types.export": [[110, "module-otx.core.types.export"]], "otx.core.types.image": [[111, "module-otx.core.types.image"]], "otx.core.types.precision": [[112, "module-otx.core.types.precision"]], "otx.core.types.task": [[113, "module-otx.core.types.task"]], "otx.core.types.transformer_libs": [[114, "module-otx.core.types.transformer_libs"]], "otx.core.utils": [[115, "module-otx.core.utils"]], "otx.core.utils.build": [[116, "module-otx.core.utils.build"]], "otx.core.utils.cache": [[117, "module-otx.core.utils.cache"]], "otx.core.utils.config": [[118, "module-otx.core.utils.config"]], "otx.core.utils.imports": [[119, "module-otx.core.utils.imports"]], "otx.core.utils.instantiators": [[120, "module-otx.core.utils.instantiators"]], "otx.core.utils.mask_util": [[121, "module-otx.core.utils.mask_util"]], "otx.core.utils.pylogger": [[122, "module-otx.core.utils.pylogger"]], "otx.core.utils.tile_merge": [[123, "module-otx.core.utils.tile_merge"]], "otx.core.utils.utils": [[124, "module-otx.core.utils.utils"]], "otx.data": [[125, "module-otx.data"]], "otx.engine": [[126, "module-otx.engine"]], "otx.hpo": [[127, "module-otx.hpo"]], "otx.recipe": [[128, "module-otx.recipe"]], "otx.tools": [[129, "module-otx.tools"]], "otx.tools.translate_mmrecipe": [[130, "module-otx.tools.translate_mmrecipe"]], "otx.utils": [[131, "module-otx.utils"]], "API reference": [[132, "api-reference"]], "Releases": [[133, "releases"]], "v2.0.0 (1Q24)": [[133, "v2-0-0-1q24"]], "v1.5.0 (4Q23)": [[133, "v1-5-0-4q23"]], "v1.4.4 (4Q23)": [[133, "v1-4-4-4q23"]], "v1.4.3 (4Q23)": [[133, "v1-4-3-4q23"]], "v1.4.2 (4Q23)": [[133, "v1-4-2-4q23"]], "v1.4.1 (3Q23)": [[133, "v1-4-1-3q23"]], "v1.4.0 (3Q23)": [[133, "v1-4-0-3q23"]], "v1.3.1 (2Q23)": [[133, "v1-3-1-2q23"]], "v1.3.0 (2Q23)": [[133, "v1-3-0-2q23"]], "v1.2.4 (3Q23)": [[133, "v1-2-4-3q23"]], "v1.2.3 (2Q23)": [[133, "v1-2-3-2q23"]], "v1.2.1 (2Q23)": [[133, "v1-2-1-2q23"]], "v1.2.0 (2Q23)": [[133, "v1-2-0-2q23"]], "v1.1.2 (2Q23)": [[133, "v1-1-2-2q23"]], "v1.1.1 (1Q23)": [[133, "v1-1-1-1q23"]], "v1.1.0 (1Q23)": [[133, "v1-1-0-1q23"]], "v1.0.1 (1Q23)": [[133, "v1-0-1-1q23"]], "v1.0.0 (1Q23)": [[133, "v1-0-0-1q23"]], "How to write OTX Configuration (recipe)": [[134, "how-to-write-otx-configuration-recipe"]], "Configuration": [[134, "configuration"]], "Advanced Tutorials": [[135, "advanced-tutorials"]], "XAI Tutorial": [[136, "xai-tutorial"]], "Deploy & Demo": [[137, "deploy-demo"]], "Export": [[137, "export"], [138, "export"], [140, "export"], [141, "export"], [142, "export"], [144, "export"], [145, "export"], [146, "export"]], "Deploy": [[137, "deploy"]], "Demonstration": [[137, "demonstration"]], "Action Classification model": [[138, "action-classification-model"]], "Setup virtual environment": [[138, "setup-virtual-environment"], [139, "setup-virtual-environment"], [141, "setup-virtual-environment"], [142, "setup-virtual-environment"], [144, "setup-virtual-environment"], [145, "setup-virtual-environment"], [146, "setup-virtual-environment"]], "Action Detection model": [[139, "action-detection-model"]], "Anomaly Detection Tutorial": [[140, "anomaly-detection-tutorial"]], "Setup the Virtual environment": [[140, "setup-the-virtual-environment"]], "Dataset Preparation": [[140, "dataset-preparation"]], "Segmentation and Classification": [[140, "segmentation-and-classification"]], "Classification model": [[141, "classification-model"]], "Object Detection model": [[142, "object-detection-model"]], "Training to deployment tutorials": [[143, "training-to-deployment-tutorials"]], "Instance Segmentation model": [[144, "instance-segmentation-model"]], "Validation": [[144, "validation"], [145, "validation"]], "Semantic Segmentation model": [[145, "semantic-segmentation-model"]], "Visual Prompting model": [[146, "visual-prompting-model"]], "Base Tutorials": [[147, "base-tutorials"]], "Welcome to Intel OpenVINO Training Extensions\u2019s develop documentation!": [[148, "welcome-to-intel-openvino-training-extensions-s-develop-documentation"]], "Indices and tables": [[148, "indices-and-tables"]]}, "indexentries": {"module": [[32, "module-otx"], [33, "module-otx.algo"], [34, "module-otx.algo.accelerators"], [35, "module-otx.algo.action_classification"], [36, "module-otx.algo.classification"], [37, "module-otx.algo.classification.backbones"], [38, "module-otx.algo.classification.heads"], [39, "module-otx.algo.classification.losses"], [40, "module-otx.algo.detection"], [41, "module-otx.algo.detection.backbones"], [42, "module-otx.algo.detection.backbones.pytorchcv_backbones"], [43, "module-otx.algo.detection.heads"], [44, "module-otx.algo.detection.losses"], [45, "module-otx.algo.plugins"], [46, "module-otx.algo.segmentation"], [47, "module-otx.algo.segmentation.backbones"], [48, "module-otx.algo.segmentation.heads"], [49, "module-otx.algo.segmentation.losses"], [50, "module-otx.algo.strategies"], [51, "module-otx.algo.visual_prompting"], [52, "module-otx.algo.visual_prompting.backbones"], [53, "module-otx.algo.visual_prompting.decoders"], [54, "module-otx.algo.visual_prompting.encoders"], [55, "module-otx.cli"], [56, "module-otx.cli.cli"], [57, "module-otx.cli.install"], [58, "module-otx.cli.utils"], [59, "module-otx.cli.utils.help_formatter"], [60, "module-otx.cli.utils.installation"], [61, "module-otx.cli.utils.jsonargparse"], [62, "module-otx.cli.utils.workspace"], [63, "module-otx.core"], [64, "module-otx.core.config"], [65, "module-otx.core.config.data"], [66, "module-otx.core.config.device"], [67, "module-otx.core.config.explain"], [68, "module-otx.core.config.hpo"], [69, "module-otx.core.data"], [70, "module-otx.core.exporter"], [71, "module-otx.core.exporter.base"], [72, "module-otx.core.exporter.exportable_code"], [73, "module-otx.core.exporter.exportable_code.demo"], [74, "module-otx.core.exporter.mmdeploy"], [75, "module-otx.core.exporter.native"], [76, "module-otx.core.exporter.visual_prompting"], [77, "module-otx.core.metrics"], [78, "module-otx.core.metrics.accuracy"], [79, "module-otx.core.metrics.fmeasure"], [80, "module-otx.core.model"], [81, "module-otx.core.model.entity"], [82, "module-otx.core.model.entity.action_classification"], [83, "module-otx.core.model.entity.action_detection"], [84, "module-otx.core.model.entity.base"], [85, "module-otx.core.model.entity.classification"], [86, "module-otx.core.model.entity.detection"], [87, "module-otx.core.model.entity.instance_segmentation"], [88, "module-otx.core.model.entity.rotated_detection"], [89, "module-otx.core.model.entity.segmentation"], [90, "module-otx.core.model.entity.utils"], [91, "module-otx.core.model.entity.utils.mmaction"], [92, "module-otx.core.model.entity.utils.mmdet"], [93, "module-otx.core.model.entity.utils.mmpretrain"], [94, "module-otx.core.model.entity.utils.mmseg"], [95, "module-otx.core.model.entity.visual_prompting"], [96, "module-otx.core.model.module"], [97, "module-otx.core.model.module.action_classification"], [98, "module-otx.core.model.module.action_detection"], [99, "module-otx.core.model.module.anomaly"], [100, "module-otx.core.model.module.base"], [101, "module-otx.core.model.module.classification"], [102, "module-otx.core.model.module.detection"], [103, "module-otx.core.model.module.instance_segmentation"], [104, "module-otx.core.model.module.rotated_detection"], [105, "module-otx.core.model.module.segmentation"], [106, "module-otx.core.model.module.visual_prompting"], [107, "module-otx.core.types"], [108, "module-otx.core.types.device"], [109, "module-otx.core.types.explain"], [110, "module-otx.core.types.export"], [111, "module-otx.core.types.image"], [112, "module-otx.core.types.precision"], [113, "module-otx.core.types.task"], [114, "module-otx.core.types.transformer_libs"], [115, "module-otx.core.utils"], [116, "module-otx.core.utils.build"], [117, "module-otx.core.utils.cache"], [118, "module-otx.core.utils.config"], [119, "module-otx.core.utils.imports"], [120, "module-otx.core.utils.instantiators"], [121, "module-otx.core.utils.mask_util"], [122, "module-otx.core.utils.pylogger"], [123, "module-otx.core.utils.tile_merge"], [124, "module-otx.core.utils.utils"], [125, "module-otx.data"], [126, "module-otx.engine"], [127, "module-otx.hpo"], [128, "module-otx.recipe"], [129, "module-otx.tools"], [130, "module-otx.tools.translate_mmrecipe"], [131, "module-otx.utils"]], "otx": [[32, "module-otx"]], "otx.algo": [[33, "module-otx.algo"]], "xpuaccelerator (class in otx.algo.accelerators)": [[34, "otx.algo.accelerators.XPUAccelerator"]], "auto_device_count() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.auto_device_count"]], "get_device_stats() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.get_device_stats"]], "get_parallel_devices() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.get_parallel_devices"]], "is_available() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.is_available"]], "otx.algo.accelerators": [[34, "module-otx.algo.accelerators"]], "parse_devices() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.parse_devices"]], "patch_packages_xpu() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.patch_packages_xpu"]], "revert_packages_xpu() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.revert_packages_xpu"]], "setup_device() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.setup_device"]], "teardown() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.teardown"]], "movinethead (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.MoViNetHead"]], "movinetrecognizer (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.MoViNetRecognizer"]], "otxmovinet (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.OTXMoViNet"]], "otxovactioncls (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.OTXOVActionCls"]], "otxrecognizer3d (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.OTXRecognizer3D"]], "fill_conv() (otx.algo.action_classification.otxmovinet static method)": [[35, "otx.algo.action_classification.OTXMoViNet.fill_conv"]], "fill_se_config() (otx.algo.action_classification.otxmovinet static method)": [[35, "otx.algo.action_classification.OTXMoViNet.fill_se_config"]], "forward() (otx.algo.action_classification.movinethead method)": [[35, "otx.algo.action_classification.MoViNetHead.forward"]], "init_weights() (otx.algo.action_classification.movinethead method)": [[35, "otx.algo.action_classification.MoViNetHead.init_weights"]], "load_state_dict_pre_hook() (otx.algo.action_classification.movinetrecognizer static method)": [[35, "otx.algo.action_classification.MoViNetRecognizer.load_state_dict_pre_hook"]], "otx.algo.action_classification": [[35, "module-otx.algo.action_classification"]], "postprocess() (otx.algo.action_classification.otxovactioncls method)": [[35, "otx.algo.action_classification.OTXOVActionCls.postprocess"]], "preprocess() (otx.algo.action_classification.otxovactioncls method)": [[35, "otx.algo.action_classification.OTXOVActionCls.preprocess"]], "state_dict_hook() (otx.algo.action_classification.movinetrecognizer static method)": [[35, "otx.algo.action_classification.MoViNetRecognizer.state_dict_hook"]], "dinov2 (class in otx.algo.classification)": [[36, "otx.algo.classification.DINOv2"]], "dinov2registerclassifier (class in otx.algo.classification)": [[36, "otx.algo.classification.DINOv2RegisterClassifier"]], "forward() (otx.algo.classification.dinov2 method)": [[36, "otx.algo.classification.DINOv2.forward"]], "otx.algo.classification": [[36, "module-otx.algo.classification"]], "otxefficientnet (class in otx.algo.classification.backbones)": [[37, "otx.algo.classification.backbones.OTXEfficientNet"]], "otxefficientnetv2 (class in otx.algo.classification.backbones)": [[37, "otx.algo.classification.backbones.OTXEfficientNetV2"]], "otxmobilenetv3 (class in otx.algo.classification.backbones)": [[37, "otx.algo.classification.backbones.OTXMobileNetV3"]], "forward() (otx.algo.classification.backbones.otxefficientnet method)": [[37, "otx.algo.classification.backbones.OTXEfficientNet.forward"]], "forward() (otx.algo.classification.backbones.otxmobilenetv3 method)": [[37, "otx.algo.classification.backbones.OTXMobileNetV3.forward"]], "init_weights() (otx.algo.classification.backbones.otxefficientnet method)": [[37, "otx.algo.classification.backbones.OTXEfficientNet.init_weights"]], "init_weights() (otx.algo.classification.backbones.otxefficientnetv2 method)": [[37, "otx.algo.classification.backbones.OTXEfficientNetV2.init_weights"]], "init_weights() (otx.algo.classification.backbones.otxmobilenetv3 method)": [[37, "otx.algo.classification.backbones.OTXMobileNetV3.init_weights"]], "otx.algo.classification.backbones": [[37, "module-otx.algo.classification.backbones"]], "customhierarchicallinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead"]], "customhierarchicalnonlinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead"]], "custommultilabellinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomMultiLabelLinearClsHead"]], "custommultilabelnonlinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead"]], "forward() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.forward"]], "forward() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.forward"]], "forward() (otx.algo.classification.heads.custommultilabelnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead.forward"]], "get_valid_label_mask() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.get_valid_label_mask"]], "get_valid_label_mask() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.get_valid_label_mask"]], "get_valid_label_mask() (otx.algo.classification.heads.custommultilabellinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelLinearClsHead.get_valid_label_mask"]], "get_valid_label_mask() (otx.algo.classification.heads.custommultilabelnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead.get_valid_label_mask"]], "loss() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.loss"]], "loss() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.loss"]], "loss() (otx.algo.classification.heads.custommultilabellinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelLinearClsHead.loss"]], "loss() (otx.algo.classification.heads.custommultilabelnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead.loss"]], "otx.algo.classification.heads": [[38, "module-otx.algo.classification.heads"]], "pre_logits() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.pre_logits"]], "pre_logits() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.pre_logits"]], "predict() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.predict"]], "predict() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.predict"]], "set_hlabel_info() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.set_hlabel_info"]], "set_hlabel_info() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.set_hlabel_info"]], "asymmetricangularlosswithignore (class in otx.algo.classification.losses)": [[39, "otx.algo.classification.losses.AsymmetricAngularLossWithIgnore"]], "forward() (otx.algo.classification.losses.asymmetricangularlosswithignore method)": [[39, "otx.algo.classification.losses.AsymmetricAngularLossWithIgnore.forward"]], "otx.algo.classification.losses": [[39, "module-otx.algo.classification.losses"]], "ssd (class in otx.algo.detection)": [[40, "otx.algo.detection.SSD"]], "get_classification_layers() (otx.algo.detection.ssd static method)": [[40, "otx.algo.detection.SSD.get_classification_layers"]], "load_from_otx_v1_ckpt() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.load_from_otx_v1_ckpt"]], "load_state_dict_pre_hook() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.load_state_dict_pre_hook"]], "otx.algo.detection": [[40, "module-otx.algo.detection"]], "setup_callback() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.setup_callback"]], "state_dict() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.state_dict"]], "otx.algo.detection.backbones": [[41, "module-otx.algo.detection.backbones"]], "init_weights() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.init_weights"]], "multioutput_forward() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.multioutput_forward"]], "otx.algo.detection.backbones.pytorchcv_backbones": [[42, "module-otx.algo.detection.backbones.pytorchcv_backbones"]], "replace_activation() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.replace_activation"]], "replace_norm() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.replace_norm"]], "train() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.train"]], "customatsshead (class in otx.algo.detection.heads)": [[43, "otx.algo.detection.heads.CustomATSSHead"]], "customssdhead (class in otx.algo.detection.heads)": [[43, "otx.algo.detection.heads.CustomSSDHead"]], "ssdanchorgeneratorclustered (class in otx.algo.detection.heads)": [[43, "otx.algo.detection.heads.SSDAnchorGeneratorClustered"]], "gen_base_anchors() (otx.algo.detection.heads.ssdanchorgeneratorclustered method)": [[43, "otx.algo.detection.heads.SSDAnchorGeneratorClustered.gen_base_anchors"]], "gen_single_level_base_anchors() (otx.algo.detection.heads.ssdanchorgeneratorclustered method)": [[43, "otx.algo.detection.heads.SSDAnchorGeneratorClustered.gen_single_level_base_anchors"]], "get_targets() (otx.algo.detection.heads.customatsshead method)": [[43, "otx.algo.detection.heads.CustomATSSHead.get_targets"]], "loss_by_feat() (otx.algo.detection.heads.customatsshead method)": [[43, "otx.algo.detection.heads.CustomATSSHead.loss_by_feat"]], "loss_by_feat_single() (otx.algo.detection.heads.customatsshead method)": [[43, "otx.algo.detection.heads.CustomATSSHead.loss_by_feat_single"]], "otx.algo.detection.heads": [[43, "module-otx.algo.detection.heads"]], "otx.algo.detection.losses": [[44, "module-otx.algo.detection.losses"]], "mixedprecisionxpuplugin (class in otx.algo.plugins)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin"]], "clip_gradients() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.clip_gradients"]], "forward_context() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.forward_context"]], "load_state_dict() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.load_state_dict"]], "optimizer_step() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.optimizer_step"]], "otx.algo.plugins": [[45, "module-otx.algo.plugins"]], "pre_backward() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.pre_backward"]], "state_dict() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.state_dict"]], "otx.algo.segmentation": [[46, "module-otx.algo.segmentation"]], "dinovisiontransformer (class in otx.algo.segmentation.backbones)": [[47, "otx.algo.segmentation.backbones.DinoVisionTransformer"]], "litehrnet (class in otx.algo.segmentation.backbones)": [[47, "otx.algo.segmentation.backbones.LiteHRNet"]], "forward() (otx.algo.segmentation.backbones.dinovisiontransformer method)": [[47, "otx.algo.segmentation.backbones.DinoVisionTransformer.forward"]], "forward() (otx.algo.segmentation.backbones.litehrnet method)": [[47, "otx.algo.segmentation.backbones.LiteHRNet.forward"]], "init_weights() (otx.algo.segmentation.backbones.dinovisiontransformer method)": [[47, "otx.algo.segmentation.backbones.DinoVisionTransformer.init_weights"]], "otx.algo.segmentation.backbones": [[47, "module-otx.algo.segmentation.backbones"]], "customfcnhead (class in otx.algo.segmentation.heads)": [[48, "otx.algo.segmentation.heads.CustomFCNHead"]], "customlighthamhead (class in otx.algo.segmentation.heads)": [[48, "otx.algo.segmentation.heads.CustomLightHamHead"]], "otx.algo.segmentation.heads": [[48, "module-otx.algo.segmentation.heads"]], "crossentropylosswithignore (class in otx.algo.segmentation.losses)": [[49, "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore"]], "forward() (otx.algo.segmentation.losses.crossentropylosswithignore method)": [[49, "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore.forward"]], "loss_name (otx.algo.segmentation.losses.crossentropylosswithignore property)": [[49, "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore.loss_name"]], "otx.algo.segmentation.losses": [[49, "module-otx.algo.segmentation.losses"]], "singlexpustrategy (class in otx.algo.strategies)": [[50, "otx.algo.strategies.SingleXPUStrategy"]], "is_distributed (otx.algo.strategies.singlexpustrategy property)": [[50, "otx.algo.strategies.SingleXPUStrategy.is_distributed"]], "otx.algo.strategies": [[50, "module-otx.algo.strategies"]], "setup_optimizers() (otx.algo.strategies.singlexpustrategy method)": [[50, "otx.algo.strategies.SingleXPUStrategy.setup_optimizers"]], "otxsegmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.OTXSegmentAnything"]], "otxzeroshotsegmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything"]], "segmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.SegmentAnything"]], "visualpromptingdecoder (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder"]], "visualpromptingimageencoder (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.VisualPromptingImageEncoder"]], "zeroshotsegmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything"]], "apply_boxes() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_boxes"]], "apply_coords() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_coords"]], "apply_coords() (otx.algo.visual_prompting.visualpromptingdecoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.apply_coords"]], "apply_image() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_image"]], "apply_points() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_points"]], "apply_prompts() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_prompts"]], "calculate_dice_loss() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_dice_loss"]], "calculate_iou() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_iou"]], "calculate_sigmoid_ce_focal_loss() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_sigmoid_ce_focal_loss"]], "calculate_stability_score() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_stability_score"]], "expand_reference_info() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.expand_reference_info"]], "forward() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.forward"]], "forward() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.forward"]], "forward_inference() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.forward_inference"]], "forward_train() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.forward_train"]], "freeze_networks() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.freeze_networks"]], "get_prepadded_size() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.get_prepadded_size"]], "get_preprocess_shape() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.get_preprocess_shape"]], "infer() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.infer"]], "infer() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.infer"]], "initialize_reference_info() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.initialize_reference_info"]], "learn() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.learn"]], "learn() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.learn"]], "load_checkpoint() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.load_checkpoint"]], "load_latest_reference_info() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.load_latest_reference_info"]], "otx.algo.visual_prompting": [[51, "module-otx.algo.visual_prompting"]], "pad_to_square() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.pad_to_square"]], "parameters() (otx.algo.visual_prompting.visualpromptingdecoder class method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.parameters"]], "parameters() (otx.algo.visual_prompting.visualpromptingimageencoder class method)": [[51, "otx.algo.visual_prompting.VisualPromptingImageEncoder.parameters"]], "postprocess() (otx.algo.visual_prompting.visualpromptingdecoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.postprocess"]], "postprocess_masks() (otx.algo.visual_prompting.segmentanything class method)": [[51, "otx.algo.visual_prompting.SegmentAnything.postprocess_masks"]], "preprocess() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.preprocess"]], "preprocess() (otx.algo.visual_prompting.visualpromptingdecoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.preprocess"]], "preprocess() (otx.algo.visual_prompting.visualpromptingimageencoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingImageEncoder.preprocess"]], "select_masks() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.select_masks"]], "set_default_config() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.set_default_config"]], "transforms() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.transforms"]], "tinyvit (class in otx.algo.visual_prompting.backbones)": [[52, "otx.algo.visual_prompting.backbones.TinyViT"]], "vit (class in otx.algo.visual_prompting.backbones)": [[52, "otx.algo.visual_prompting.backbones.ViT"]], "forward() (otx.algo.visual_prompting.backbones.tinyvit method)": [[52, "otx.algo.visual_prompting.backbones.TinyViT.forward"]], "forward() (otx.algo.visual_prompting.backbones.vit method)": [[52, "otx.algo.visual_prompting.backbones.ViT.forward"]], "no_weight_decay_keywords() (otx.algo.visual_prompting.backbones.tinyvit method)": [[52, "otx.algo.visual_prompting.backbones.TinyViT.no_weight_decay_keywords"]], "otx.algo.visual_prompting.backbones": [[52, "module-otx.algo.visual_prompting.backbones"]], "set_layer_lr_decay() (otx.algo.visual_prompting.backbones.tinyvit method)": [[52, "otx.algo.visual_prompting.backbones.TinyViT.set_layer_lr_decay"]], "sammaskdecoder (class in otx.algo.visual_prompting.decoders)": [[53, "otx.algo.visual_prompting.decoders.SAMMaskDecoder"]], "forward() (otx.algo.visual_prompting.decoders.sammaskdecoder method)": [[53, "otx.algo.visual_prompting.decoders.SAMMaskDecoder.forward"]], "otx.algo.visual_prompting.decoders": [[53, "module-otx.algo.visual_prompting.decoders"]], "predict_masks() (otx.algo.visual_prompting.decoders.sammaskdecoder method)": [[53, "otx.algo.visual_prompting.decoders.SAMMaskDecoder.predict_masks"]], "samimageencoder (class in otx.algo.visual_prompting.encoders)": [[54, "otx.algo.visual_prompting.encoders.SAMImageEncoder"]], "sampromptencoder (class in otx.algo.visual_prompting.encoders)": [[54, "otx.algo.visual_prompting.encoders.SAMPromptEncoder"]], "forward() (otx.algo.visual_prompting.encoders.sampromptencoder method)": [[54, "otx.algo.visual_prompting.encoders.SAMPromptEncoder.forward"]], "get_dense_pe() (otx.algo.visual_prompting.encoders.sampromptencoder method)": [[54, "otx.algo.visual_prompting.encoders.SAMPromptEncoder.get_dense_pe"]], "otx.algo.visual_prompting.encoders": [[54, "module-otx.algo.visual_prompting.encoders"]], "main() (in module otx.cli)": [[55, "otx.cli.main"]], "otx.cli": [[55, "module-otx.cli"]], "otxcli (class in otx.cli.cli)": [[56, "otx.cli.cli.OTXCLI"]], "add_subcommands() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.add_subcommands"]], "engine_subcommand_parser() (otx.cli.cli.otxcli static method)": [[56, "otx.cli.cli.OTXCLI.engine_subcommand_parser"]], "engine_subcommands() (otx.cli.cli.otxcli static method)": [[56, "otx.cli.cli.OTXCLI.engine_subcommands"]], "get_config_value() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.get_config_value"]], "get_subcommand_parser() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.get_subcommand_parser"]], "init_parser() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.init_parser"]], "instantiate_classes() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_classes"]], "instantiate_engine() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_engine"]], "instantiate_metric() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_metric"]], "instantiate_model() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_model"]], "otx.cli.cli": [[56, "module-otx.cli.cli"]], "prepare_subcommand_kwargs() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.prepare_subcommand_kwargs"]], "run() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.run"]], "save_config() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.save_config"]], "set_seed() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.set_seed"]], "update_latest() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.update_latest"]], "add_install_parser() (in module otx.cli.install)": [[57, "otx.cli.install.add_install_parser"]], "otx.cli.install": [[57, "module-otx.cli.install"]], "otx_install() (in module otx.cli.install)": [[57, "otx.cli.install.otx_install"]], "absolute_path() (in module otx.cli.utils)": [[58, "otx.cli.utils.absolute_path"]], "otx.cli.utils": [[58, "module-otx.cli.utils"]], "customhelpformatter (class in otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.CustomHelpFormatter"]], "add_argument() (otx.cli.utils.help_formatter.customhelpformatter method)": [[59, "id0"], [59, "otx.cli.utils.help_formatter.CustomHelpFormatter.add_argument"]], "add_usage() (otx.cli.utils.help_formatter.customhelpformatter method)": [[59, "id1"], [59, "otx.cli.utils.help_formatter.CustomHelpFormatter.add_usage"]], "format_help() (otx.cli.utils.help_formatter.customhelpformatter method)": [[59, "id2"], [59, "otx.cli.utils.help_formatter.CustomHelpFormatter.format_help"]], "get_cli_usage_docstring() (in module otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.get_cli_usage_docstring"]], "get_verbosity_subcommand() (in module otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.get_verbosity_subcommand"]], "otx.cli.utils.help_formatter": [[59, "module-otx.cli.utils.help_formatter"]], "render_guide() (in module otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.render_guide"]], "subcommand (otx.cli.utils.help_formatter.customhelpformatter attribute)": [[59, "otx.cli.utils.help_formatter.CustomHelpFormatter.subcommand"]], "verbosity_level (otx.cli.utils.help_formatter.customhelpformatter attribute)": [[59, "otx.cli.utils.help_formatter.CustomHelpFormatter.verbosity_level"]], "add_hardware_suffix_to_torch() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.add_hardware_suffix_to_torch"]], "get_cuda_suffix() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_cuda_suffix"]], "get_cuda_version() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_cuda_version"]], "get_hardware_suffix() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_hardware_suffix"]], "get_mmcv_install_args() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_mmcv_install_args"]], "get_module_version() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_module_version"]], "get_requirements() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_requirements"]], "get_torch_install_args() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_torch_install_args"]], "mim_installation() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.mim_installation"]], "otx.cli.utils.installation": [[60, "module-otx.cli.utils.installation"]], "parse_requirements() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.parse_requirements"]], "patch_mmaction2() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.patch_mmaction2"]], "update_cuda_version_with_available_torch_cuda_build() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.update_cuda_version_with_available_torch_cuda_build"]], "add_list_type_arguments() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.add_list_type_arguments"]], "apply_config() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.apply_config"]], "flatten_dict() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.flatten_dict"]], "get_configuration() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_configuration"]], "get_defaults_with_overrides() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_defaults_with_overrides"]], "get_instantiated_classes() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_instantiated_classes"]], "get_short_docstring() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_short_docstring"]], "list_override() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.list_override"]], "otx.cli.utils.jsonargparse": [[61, "module-otx.cli.utils.jsonargparse"]], "patch_update_configs() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.patch_update_configs"]], "update() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.update"]], "workspace (class in otx.cli.utils.workspace)": [[62, "otx.cli.utils.workspace.Workspace"]], "otx.cli.utils.workspace": [[62, "module-otx.cli.utils.workspace"]], "otx.core": [[63, "module-otx.core"]], "any_representer() (in module otx.core.config)": [[64, "otx.core.config.any_representer"]], "as_int_tuple() (in module otx.core.config)": [[64, "otx.core.config.as_int_tuple"]], "as_torch_dtype() (in module otx.core.config)": [[64, "otx.core.config.as_torch_dtype"]], "dtype_representer() (in module otx.core.config)": [[64, "otx.core.config.dtype_representer"]], "ignore_aliases() (in module otx.core.config)": [[64, "otx.core.config.ignore_aliases"]], "otx.core.config": [[64, "module-otx.core.config"]], "register_configs() (in module otx.core.config)": [[64, "otx.core.config.register_configs"]], "datamoduleconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.DataModuleConfig"]], "samplerconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.SamplerConfig"]], "subsetconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.SubsetConfig"]], "tileconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.TileConfig"]], "visualpromptingconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.VisualPromptingConfig"]], "batch_size (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.batch_size"]], "num_workers (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.num_workers"]], "otx.core.config.data": [[65, "module-otx.core.config.data"]], "subset_name (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.subset_name"]], "transform_lib_type (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.transform_lib_type"]], "transforms (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.transforms"]], "deviceconfig (class in otx.core.config.device)": [[66, "otx.core.config.device.DeviceConfig"]], "otx.core.config.device": [[66, "module-otx.core.config.device"]], "explainconfig (class in otx.core.config.explain)": [[67, "otx.core.config.explain.ExplainConfig"]], "otx.core.config.explain": [[67, "module-otx.core.config.explain"]], "hpoconfig (class in otx.core.config.hpo)": [[68, "otx.core.config.hpo.HpoConfig"]], "otx.core.config.hpo": [[68, "module-otx.core.config.hpo"]], "otxdatamodule (class in otx.core.data)": [[69, "otx.core.data.OTXDataModule"]], "otxdatasetfactory (class in otx.core.data)": [[69, "otx.core.data.OTXDatasetFactory"]], "transformlibfactory (class in otx.core.data)": [[69, "otx.core.data.TransformLibFactory"]], "create() (otx.core.data.otxdatasetfactory class method)": [[69, "otx.core.data.OTXDatasetFactory.create"]], "generate() (otx.core.data.transformlibfactory class method)": [[69, "otx.core.data.TransformLibFactory.generate"]], "hparams_initial (otx.core.data.otxdatamodule property)": [[69, "otx.core.data.OTXDataModule.hparams_initial"]], "otx.core.data": [[69, "module-otx.core.data"]], "predict_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.predict_dataloader"]], "setup() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.setup"]], "teardown() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.teardown"]], "test_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.test_dataloader"]], "train_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.train_dataloader"]], "val_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.val_dataloader"]], "otx.core.exporter": [[70, "module-otx.core.exporter"]], "otxmodelexporter (class in otx.core.exporter.base)": [[71, "otx.core.exporter.base.OTXModelExporter"]], "export() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.export"]], "otx.core.exporter.base": [[71, "module-otx.core.exporter.base"]], "to_exportable_code() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.to_exportable_code"]], "to_onnx() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.to_onnx"]], "to_openvino() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.to_openvino"]], "otx.core.exporter.exportable_code": [[72, "module-otx.core.exporter.exportable_code"]], "otx.core.exporter.exportable_code.demo": [[73, "module-otx.core.exporter.exportable_code.demo"]], "mmdeployexporter (class in otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter"]], "cvt_torch2onnx_partition() (otx.core.exporter.mmdeploy.mmdeployexporter method)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter.cvt_torch2onnx_partition"]], "load_mmconfig_from_pkg() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.load_mmconfig_from_pkg"]], "mmdeploy_init_model_helper() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.mmdeploy_init_model_helper"]], "otx.core.exporter.mmdeploy": [[74, "module-otx.core.exporter.mmdeploy"]], "patch_input_shape() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.patch_input_shape"]], "patch_ir_scale_factor() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.patch_ir_scale_factor"]], "to_onnx() (otx.core.exporter.mmdeploy.mmdeployexporter method)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter.to_onnx"]], "to_openvino() (otx.core.exporter.mmdeploy.mmdeployexporter method)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter.to_openvino"]], "use_temporary_default_scope() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.use_temporary_default_scope"]], "otxnativemodelexporter (class in otx.core.exporter.native)": [[75, "otx.core.exporter.native.OTXNativeModelExporter"]], "otx.core.exporter.native": [[75, "module-otx.core.exporter.native"]], "to_onnx() (otx.core.exporter.native.otxnativemodelexporter method)": [[75, "otx.core.exporter.native.OTXNativeModelExporter.to_onnx"]], "to_openvino() (otx.core.exporter.native.otxnativemodelexporter method)": [[75, "otx.core.exporter.native.OTXNativeModelExporter.to_openvino"]], "otxvisualpromptingmodelexporter (class in otx.core.exporter.visual_prompting)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter"]], "export() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.export"]], "get_onnx_dummy_inputs() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.get_onnx_dummy_inputs"]], "otx.core.exporter.visual_prompting": [[76, "module-otx.core.exporter.visual_prompting"]], "to_onnx() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.to_onnx"]], "to_openvino() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.to_openvino"]], "otx.core.metrics": [[77, "module-otx.core.metrics"]], "accuracywithlabelgroup (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup"]], "hlabelaccuracy (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.HlabelAccuracy"]], "mixedhlabelaccuracy (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.MixedHLabelAccuracy"]], "multiclassaccuracywithlabelgroup (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.MulticlassAccuracywithLabelGroup"]], "multilabelaccuracywithlabelgroup (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.MultilabelAccuracywithLabelGroup"]], "namedconfusionmatrix (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.NamedConfusionMatrix"]], "col_names (otx.core.metrics.accuracy.namedconfusionmatrix property)": [[78, "otx.core.metrics.accuracy.NamedConfusionMatrix.col_names"]], "compute() (otx.core.metrics.accuracy.accuracywithlabelgroup method)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup.compute"]], "compute() (otx.core.metrics.accuracy.mixedhlabelaccuracy method)": [[78, "otx.core.metrics.accuracy.MixedHLabelAccuracy.compute"]], "label_info (otx.core.metrics.accuracy.accuracywithlabelgroup property)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup.label_info"]], "otx.core.metrics.accuracy": [[78, "module-otx.core.metrics.accuracy"]], "row_names (otx.core.metrics.accuracy.namedconfusionmatrix property)": [[78, "otx.core.metrics.accuracy.NamedConfusionMatrix.row_names"]], "update() (otx.core.metrics.accuracy.accuracywithlabelgroup method)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup.update"]], "update() (otx.core.metrics.accuracy.mixedhlabelaccuracy method)": [[78, "otx.core.metrics.accuracy.MixedHLabelAccuracy.update"]], "fmeasure (class in otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.FMeasure"]], "best_confidence_threshold (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.best_confidence_threshold"]], "best_nms_threshold (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.best_nms_threshold"]], "bounding_box_intersection_over_union() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.bounding_box_intersection_over_union"]], "classes (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.classes"]], "compute() (otx.core.metrics.fmeasure.fmeasure method)": [[79, "otx.core.metrics.fmeasure.FMeasure.compute"]], "f_measure (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure"]], "f_measure_per_confidence (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure_per_confidence"]], "f_measure_per_label (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure_per_label"]], "f_measure_per_nms (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure_per_nms"]], "get_iou_matrix() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.get_iou_matrix"]], "get_n_false_negatives() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.get_n_false_negatives"]], "intersection_box() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.intersection_box"]], "otx.core.metrics.fmeasure": [[79, "module-otx.core.metrics.fmeasure"]], "update() (otx.core.metrics.fmeasure.fmeasure method)": [[79, "otx.core.metrics.fmeasure.FMeasure.update"]], "otx.core.model": [[80, "module-otx.core.model"]], "otx.core.model.entity": [[81, "module-otx.core.model.entity"]], "mmactioncompatiblemodel (class in otx.core.model.entity.action_classification)": [[82, "otx.core.model.entity.action_classification.MMActionCompatibleModel"]], "otxactionclsmodel (class in otx.core.model.entity.action_classification)": [[82, "otx.core.model.entity.action_classification.OTXActionClsModel"]], "ovactionclsmodel (class in otx.core.model.entity.action_classification)": [[82, "otx.core.model.entity.action_classification.OVActionClsModel"]], "model_adapter_parameters (otx.core.model.entity.action_classification.ovactionclsmodel property)": [[82, "otx.core.model.entity.action_classification.OVActionClsModel.model_adapter_parameters"]], "otx.core.model.entity.action_classification": [[82, "module-otx.core.model.entity.action_classification"]], "transform_fn() (otx.core.model.entity.action_classification.ovactionclsmodel method)": [[82, "otx.core.model.entity.action_classification.OVActionClsModel.transform_fn"]], "mmactioncompatiblemodel (class in otx.core.model.entity.action_detection)": [[83, "otx.core.model.entity.action_detection.MMActionCompatibleModel"]], "otxactiondetmodel (class in otx.core.model.entity.action_detection)": [[83, "otx.core.model.entity.action_detection.OTXActionDetModel"]], "otx.core.model.entity.action_detection": [[83, "module-otx.core.model.entity.action_detection"]], "otxmodel (class in otx.core.model.entity.base)": [[84, "otx.core.model.entity.base.OTXModel"]], "ovmodel (class in otx.core.model.entity.base)": [[84, "otx.core.model.entity.base.OVModel"]], "explain_mode (otx.core.model.entity.base.otxmodel property)": [[84, "otx.core.model.entity.base.OTXModel.explain_mode"]], "export() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.export"]], "forward() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.forward"]], "forward() (otx.core.model.entity.base.ovmodel method)": [[84, "otx.core.model.entity.base.OVModel.forward"]], "forward_explain() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.forward_explain"]], "forward_tiles() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.forward_tiles"]], "get_explain_fn() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.get_explain_fn"]], "label_info (otx.core.model.entity.base.otxmodel property)": [[84, "otx.core.model.entity.base.OTXModel.label_info"]], "label_info (otx.core.model.entity.base.ovmodel property)": [[84, "otx.core.model.entity.base.OVModel.label_info"]], "load_state_dict_pre_hook() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.load_state_dict_pre_hook"]], "map_class_names() (otx.core.model.entity.base.otxmodel static method)": [[84, "otx.core.model.entity.base.OTXModel.map_class_names"]], "model_adapter_parameters (otx.core.model.entity.base.ovmodel property)": [[84, "otx.core.model.entity.base.OVModel.model_adapter_parameters"]], "num_classes (otx.core.model.entity.base.otxmodel property)": [[84, "otx.core.model.entity.base.OTXModel.num_classes"]], "num_classes (otx.core.model.entity.base.ovmodel property)": [[84, "otx.core.model.entity.base.OVModel.num_classes"]], "optimize() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.optimize"]], "optimize() (otx.core.model.entity.base.ovmodel method)": [[84, "otx.core.model.entity.base.OVModel.optimize"]], "otx.core.model.entity.base": [[84, "module-otx.core.model.entity.base"]], "register_load_state_dict_pre_hook() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.register_load_state_dict_pre_hook"]], "setup_callback() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.setup_callback"]], "transform_fn() (otx.core.model.entity.base.ovmodel method)": [[84, "otx.core.model.entity.base.OVModel.transform_fn"]], "explainableotxclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel"]], "mmpretrainhlabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.MMPretrainHlabelClsModel"]], "mmpretrainmulticlassclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.MMPretrainMulticlassClsModel"]], "mmpretrainmultilabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.MMPretrainMultilabelClsModel"]], "otxhlabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OTXHlabelClsModel"]], "otxmulticlassclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OTXMulticlassClsModel"]], "otxmultilabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OTXMultilabelClsModel"]], "ovhlabelclassificationmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OVHlabelClassificationModel"]], "ovmulticlassclassificationmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OVMulticlassClassificationModel"]], "ovmultilabelclassificationmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OVMultilabelClassificationModel"]], "forward_explain() (otx.core.model.entity.classification.explainableotxclsmodel method)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.forward_explain"]], "get_explain_fn() (otx.core.model.entity.classification.explainableotxclsmodel method)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.get_explain_fn"]], "has_gap (otx.core.model.entity.classification.explainableotxclsmodel property)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.has_gap"]], "head_forward_fn() (otx.core.model.entity.classification.explainableotxclsmodel method)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.head_forward_fn"]], "otx.core.model.entity.classification": [[85, "module-otx.core.model.entity.classification"]], "set_hlabel_info() (otx.core.model.entity.classification.mmpretrainhlabelclsmodel method)": [[85, "otx.core.model.entity.classification.MMPretrainHlabelClsModel.set_hlabel_info"]], "set_hlabel_info() (otx.core.model.entity.classification.ovhlabelclassificationmodel method)": [[85, "otx.core.model.entity.classification.OVHlabelClassificationModel.set_hlabel_info"]], "explainableotxdetmodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel"]], "mmdetcompatiblemodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.MMDetCompatibleModel"]], "otxdetectionmodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.OTXDetectionModel"]], "ovdetectionmodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.OVDetectionModel"]], "forward_explain() (otx.core.model.entity.detection.explainableotxdetmodel method)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel.forward_explain"]], "forward_tiles() (otx.core.model.entity.detection.otxdetectionmodel method)": [[86, "otx.core.model.entity.detection.OTXDetectionModel.forward_tiles"]], "get_explain_fn() (otx.core.model.entity.detection.explainableotxdetmodel method)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel.get_explain_fn"]], "get_num_anchors() (otx.core.model.entity.detection.explainableotxdetmodel method)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel.get_num_anchors"]], "otx.core.model.entity.detection": [[86, "module-otx.core.model.entity.detection"]], "explainableotxinstancesegmodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel"]], "mmdetinstancesegcompatiblemodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.MMDetInstanceSegCompatibleModel"]], "otxinstancesegmodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.OTXInstanceSegModel"]], "ovinstancesegmentationmodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.OVInstanceSegmentationModel"]], "forward_explain() (otx.core.model.entity.instance_segmentation.explainableotxinstancesegmodel method)": [[87, "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel.forward_explain"]], "forward_tiles() (otx.core.model.entity.instance_segmentation.otxinstancesegmodel method)": [[87, "otx.core.model.entity.instance_segmentation.OTXInstanceSegModel.forward_tiles"]], "get_explain_fn() (otx.core.model.entity.instance_segmentation.explainableotxinstancesegmodel method)": [[87, "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel.get_explain_fn"]], "otx.core.model.entity.instance_segmentation": [[87, "module-otx.core.model.entity.instance_segmentation"]], "mmdetrotateddetmodel (class in otx.core.model.entity.rotated_detection)": [[88, "otx.core.model.entity.rotated_detection.MMDetRotatedDetModel"]], "otxrotateddetmodel (class in otx.core.model.entity.rotated_detection)": [[88, "otx.core.model.entity.rotated_detection.OTXRotatedDetModel"]], "ovrotateddetectionmodel (class in otx.core.model.entity.rotated_detection)": [[88, "otx.core.model.entity.rotated_detection.OVRotatedDetectionModel"]], "otx.core.model.entity.rotated_detection": [[88, "module-otx.core.model.entity.rotated_detection"]], "mmsegcompatiblemodel (class in otx.core.model.entity.segmentation)": [[89, "otx.core.model.entity.segmentation.MMSegCompatibleModel"]], "otxsegmentationmodel (class in otx.core.model.entity.segmentation)": [[89, "otx.core.model.entity.segmentation.OTXSegmentationModel"]], "ovsegmentationmodel (class in otx.core.model.entity.segmentation)": [[89, "otx.core.model.entity.segmentation.OVSegmentationModel"]], "otx.core.model.entity.segmentation": [[89, "module-otx.core.model.entity.segmentation"]], "otx.core.model.entity.utils": [[90, "module-otx.core.model.entity.utils"]], "actiondatapreprocessor (class in otx.core.model.entity.utils.mmaction)": [[91, "otx.core.model.entity.utils.mmaction.ActionDataPreprocessor"]], "create_model() (in module otx.core.model.entity.utils.mmaction)": [[91, "otx.core.model.entity.utils.mmaction.create_model"]], "device (otx.core.model.entity.utils.mmaction.actiondatapreprocessor property)": [[91, "otx.core.model.entity.utils.mmaction.ActionDataPreprocessor.device"]], "otx.core.model.entity.utils.mmaction": [[91, "module-otx.core.model.entity.utils.mmaction"]], "detdatapreprocessor (class in otx.core.model.entity.utils.mmdet)": [[92, "otx.core.model.entity.utils.mmdet.DetDataPreprocessor"]], "create_model() (in module otx.core.model.entity.utils.mmdet)": [[92, "otx.core.model.entity.utils.mmdet.create_model"]], "device (otx.core.model.entity.utils.mmdet.detdatapreprocessor property)": [[92, "otx.core.model.entity.utils.mmdet.DetDataPreprocessor.device"]], "otx.core.model.entity.utils.mmdet": [[92, "module-otx.core.model.entity.utils.mmdet"]], "clsdatapreprocessor (class in otx.core.model.entity.utils.mmpretrain)": [[93, "otx.core.model.entity.utils.mmpretrain.ClsDataPreprocessor"]], "create_model() (in module otx.core.model.entity.utils.mmpretrain)": [[93, "otx.core.model.entity.utils.mmpretrain.create_model"]], "device (otx.core.model.entity.utils.mmpretrain.clsdatapreprocessor property)": [[93, "otx.core.model.entity.utils.mmpretrain.ClsDataPreprocessor.device"]], "otx.core.model.entity.utils.mmpretrain": [[93, "module-otx.core.model.entity.utils.mmpretrain"]], "segdatapreprocessor (class in otx.core.model.entity.utils.mmseg)": [[94, "otx.core.model.entity.utils.mmseg.SegDataPreProcessor"]], "create_model() (in module otx.core.model.entity.utils.mmseg)": [[94, "otx.core.model.entity.utils.mmseg.create_model"]], "device (otx.core.model.entity.utils.mmseg.segdatapreprocessor property)": [[94, "otx.core.model.entity.utils.mmseg.SegDataPreProcessor.device"]], "forward() (otx.core.model.entity.utils.mmseg.segdatapreprocessor method)": [[94, "otx.core.model.entity.utils.mmseg.SegDataPreProcessor.forward"]], "otx.core.model.entity.utils.mmseg": [[94, "module-otx.core.model.entity.utils.mmseg"]], "stack_batch() (in module otx.core.model.entity.utils.mmseg)": [[94, "otx.core.model.entity.utils.mmseg.stack_batch"]], "otxvisualpromptingmodel (class in otx.core.model.entity.visual_prompting)": [[95, "otx.core.model.entity.visual_prompting.OTXVisualPromptingModel"]], "ovvisualpromptingmodel (class in otx.core.model.entity.visual_prompting)": [[95, "otx.core.model.entity.visual_prompting.OVVisualPromptingModel"]], "ovzeroshotvisualpromptingmodel (class in otx.core.model.entity.visual_prompting)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel"]], "expand_reference_info() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.expand_reference_info"]], "forward() (otx.core.model.entity.visual_prompting.ovvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVVisualPromptingModel.forward"]], "forward() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.forward"]], "infer() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.infer"]], "initialize_reference_info() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.initialize_reference_info"]], "learn() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.learn"]], "load_latest_reference_info() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.load_latest_reference_info"]], "optimize() (otx.core.model.entity.visual_prompting.ovvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVVisualPromptingModel.optimize"]], "otx.core.model.entity.visual_prompting": [[95, "module-otx.core.model.entity.visual_prompting"]], "otx.core.model.module": [[96, "module-otx.core.model.module"]], "otxactionclslitmodule (class in otx.core.model.module.action_classification)": [[97, "otx.core.model.module.action_classification.OTXActionClsLitModule"]], "otx.core.model.module.action_classification": [[97, "module-otx.core.model.module.action_classification"]], "test_step() (otx.core.model.module.action_classification.otxactionclslitmodule method)": [[97, "otx.core.model.module.action_classification.OTXActionClsLitModule.test_step"]], "validation_step() (otx.core.model.module.action_classification.otxactionclslitmodule method)": [[97, "otx.core.model.module.action_classification.OTXActionClsLitModule.validation_step"]], "otxactiondetlitmodule (class in otx.core.model.module.action_detection)": [[98, "otx.core.model.module.action_detection.OTXActionDetLitModule"]], "otx.core.model.module.action_detection": [[98, "module-otx.core.model.module.action_detection"]], "test_step() (otx.core.model.module.action_detection.otxactiondetlitmodule method)": [[98, "otx.core.model.module.action_detection.OTXActionDetLitModule.test_step"]], "validation_step() (otx.core.model.module.action_detection.otxactiondetlitmodule method)": [[98, "otx.core.model.module.action_detection.OTXActionDetLitModule.validation_step"]], "otxanomaly (class in otx.core.model.module.anomaly)": [[99, "otx.core.model.module.anomaly.OTXAnomaly"]], "configure_callbacks() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.configure_callbacks"]], "configure_optimizers() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.configure_optimizers"]], "export() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.export"]], "forward() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.forward"]], "input_size (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.input_size"]], "label_info (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.label_info"]], "load_state_dict() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.load_state_dict"]], "on_predict_batch_end() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.on_predict_batch_end"]], "on_test_batch_end() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.on_test_batch_end"]], "otx.core.model.module.anomaly": [[99, "module-otx.core.model.module.anomaly"]], "predict_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.predict_step"]], "setup() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.setup"]], "state_dict() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.state_dict"]], "task (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.task"]], "test_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.test_step"]], "trainable_model (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.trainable_model"]], "training_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.training_step"]], "validation_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.validation_step"]], "otxlitmodule (class in otx.core.model.module.base)": [[100, "otx.core.model.module.base.OTXLitModule"]], "configure_metric() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.configure_metric"]], "configure_optimizers() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.configure_optimizers"]], "export() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.export"]], "forward() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.forward"]], "label_info (otx.core.model.module.base.otxlitmodule property)": [[100, "otx.core.model.module.base.OTXLitModule.label_info"]], "load_state_dict() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.load_state_dict"]], "on_test_epoch_end() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_test_epoch_end"]], "on_test_epoch_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_test_epoch_start"]], "on_test_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_test_start"]], "on_validation_epoch_end() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_validation_epoch_end"]], "on_validation_epoch_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_validation_epoch_start"]], "on_validation_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_validation_start"]], "otx.core.model.module.base": [[100, "module-otx.core.model.module.base"]], "register_load_state_dict_pre_hook() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.register_load_state_dict_pre_hook"]], "setup() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.setup"]], "state_dict() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.state_dict"]], "training_step() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.training_step"]], "otxhlabelclslitmodule (class in otx.core.model.module.classification)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule"]], "otxmulticlassclslitmodule (class in otx.core.model.module.classification)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule"]], "otxmultilabelclslitmodule (class in otx.core.model.module.classification)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule"]], "configure_metric() (otx.core.model.module.classification.otxhlabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.configure_metric"]], "configure_metric() (otx.core.model.module.classification.otxmulticlassclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule.configure_metric"]], "configure_metric() (otx.core.model.module.classification.otxmultilabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule.configure_metric"]], "label_info (otx.core.model.module.classification.otxhlabelclslitmodule property)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.label_info"]], "otx.core.model.module.classification": [[101, "module-otx.core.model.module.classification"]], "test_step() (otx.core.model.module.classification.otxhlabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.test_step"]], "test_step() (otx.core.model.module.classification.otxmulticlassclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule.test_step"]], "test_step() (otx.core.model.module.classification.otxmultilabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule.test_step"]], "validation_step() (otx.core.model.module.classification.otxhlabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.validation_step"]], "validation_step() (otx.core.model.module.classification.otxmulticlassclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule.validation_step"]], "validation_step() (otx.core.model.module.classification.otxmultilabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule.validation_step"]], "otxdetectionlitmodule (class in otx.core.model.module.detection)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule"]], "configure_metric() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.configure_metric"]], "load_state_dict() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.load_state_dict"]], "otx.core.model.module.detection": [[102, "module-otx.core.model.module.detection"]], "test_step() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.test_step"]], "validation_step() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.validation_step"]], "otxinstanceseglitmodule (class in otx.core.model.module.instance_segmentation)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule"]], "configure_metric() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.configure_metric"]], "load_state_dict() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.load_state_dict"]], "on_test_epoch_end() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.on_test_epoch_end"]], "on_validation_epoch_end() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.on_validation_epoch_end"]], "otx.core.model.module.instance_segmentation": [[103, "module-otx.core.model.module.instance_segmentation"]], "test_step() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.test_step"]], "validation_step() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.validation_step"]], "otxrotateddetlitmodule (class in otx.core.model.module.rotated_detection)": [[104, "otx.core.model.module.rotated_detection.OTXRotatedDetLitModule"]], "otx.core.model.module.rotated_detection": [[104, "module-otx.core.model.module.rotated_detection"]], "predict_step() (otx.core.model.module.rotated_detection.otxrotateddetlitmodule method)": [[104, "otx.core.model.module.rotated_detection.OTXRotatedDetLitModule.predict_step"]], "otxsegmentationlitmodule (class in otx.core.model.module.segmentation)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule"]], "configure_metric() (otx.core.model.module.segmentation.otxsegmentationlitmodule method)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule.configure_metric"]], "otx.core.model.module.segmentation": [[105, "module-otx.core.model.module.segmentation"]], "test_step() (otx.core.model.module.segmentation.otxsegmentationlitmodule method)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule.test_step"]], "validation_step() (otx.core.model.module.segmentation.otxsegmentationlitmodule method)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule.validation_step"]], "otxvisualpromptinglitmodule (class in otx.core.model.module.visual_prompting)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule"]], "otxzeroshotvisualpromptinglitmodule (class in otx.core.model.module.visual_prompting)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule"]], "configure_metric() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.configure_metric"]], "configure_metric() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.configure_metric"]], "configure_optimizers() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.configure_optimizers"]], "on_predict_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_predict_start"]], "on_test_epoch_end() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_test_epoch_end"]], "on_test_epoch_start() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_test_epoch_start"]], "on_test_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_test_start"]], "on_train_epoch_end() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_train_epoch_end"]], "on_train_epoch_end() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_train_epoch_end"]], "on_train_epoch_start() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_train_epoch_start"]], "on_train_epoch_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_train_epoch_start"]], "on_train_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_train_start"]], "on_validation_epoch_end() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_validation_epoch_end"]], "on_validation_epoch_end() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_validation_epoch_end"]], "on_validation_epoch_start() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_validation_epoch_start"]], "on_validation_epoch_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_validation_epoch_start"]], "otx.core.model.module.visual_prompting": [[106, "module-otx.core.model.module.visual_prompting"]], "test_step() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.test_step"]], "training_step() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.training_step"]], "training_step() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.training_step"]], "validation_step() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.validation_step"]], "validation_step() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.validation_step"]], "otx.core.types": [[107, "module-otx.core.types"]], "devicetype (class in otx.core.types.device)": [[108, "otx.core.types.device.DeviceType"]], "otx.core.types.device": [[108, "module-otx.core.types.device"]], "targetexplaingroup (class in otx.core.types.explain)": [[109, "otx.core.types.explain.TargetExplainGroup"]], "otx.core.types.explain": [[109, "module-otx.core.types.explain"]], "otxexportformattype (class in otx.core.types.export)": [[110, "otx.core.types.export.OTXExportFormatType"]], "otx.core.types.export": [[110, "module-otx.core.types.export"]], "imagecolorchannel (class in otx.core.types.image)": [[111, "otx.core.types.image.ImageColorChannel"]], "imagetype (class in otx.core.types.image)": [[111, "otx.core.types.image.ImageType"]], "get_image_type() (otx.core.types.image.imagetype class method)": [[111, "otx.core.types.image.ImageType.get_image_type"]], "otx.core.types.image": [[111, "module-otx.core.types.image"]], "otxprecisiontype (class in otx.core.types.precision)": [[112, "otx.core.types.precision.OTXPrecisionType"]], "otx.core.types.precision": [[112, "module-otx.core.types.precision"]], "otxtasktype (class in otx.core.types.task)": [[113, "otx.core.types.task.OTXTaskType"]], "otx.core.types.task": [[113, "module-otx.core.types.task"]], "transformlibtype (class in otx.core.types.transformer_libs)": [[114, "otx.core.types.transformer_libs.TransformLibType"]], "otx.core.types.transformer_libs": [[114, "module-otx.core.types.transformer_libs"]], "otx.core.utils": [[115, "module-otx.core.utils"]], "build_mm_model() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.build_mm_model"]], "get_classification_layers() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.get_classification_layers"]], "get_default_num_async_infer_requests() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.get_default_num_async_infer_requests"]], "modify_num_classes() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.modify_num_classes"]], "otx.core.utils.build": [[116, "module-otx.core.utils.build"]], "trainerargumentscache (class in otx.core.utils.cache)": [[117, "otx.core.utils.cache.TrainerArgumentsCache"]], "args (otx.core.utils.cache.trainerargumentscache property)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.args"]], "get_trainer_constructor_args() (otx.core.utils.cache.trainerargumentscache static method)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.get_trainer_constructor_args"]], "otx.core.utils.cache": [[117, "module-otx.core.utils.cache"]], "requires_update() (otx.core.utils.cache.trainerargumentscache method)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.requires_update"]], "update() (otx.core.utils.cache.trainerargumentscache method)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.update"]], "convert_conf_to_mmconfig_dict() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.convert_conf_to_mmconfig_dict"]], "inplace_num_classes() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.inplace_num_classes"]], "mmconfig_dict_to_dict() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.mmconfig_dict_to_dict"]], "otx.core.utils.config": [[118, "module-otx.core.utils.config"]], "to_list() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.to_list"]], "to_tuple() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.to_tuple"]], "get_otx_root_path() (in module otx.core.utils.imports)": [[119, "otx.core.utils.imports.get_otx_root_path"]], "otx.core.utils.imports": [[119, "module-otx.core.utils.imports"]], "instantiate_callbacks() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.instantiate_callbacks"]], "instantiate_loggers() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.instantiate_loggers"]], "instantiate_sampler() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.instantiate_sampler"]], "otx.core.utils.instantiators": [[120, "module-otx.core.utils.instantiators"]], "partial_instantiate_class() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.partial_instantiate_class"]], "encode_rle() (in module otx.core.utils.mask_util)": [[121, "otx.core.utils.mask_util.encode_rle"]], "otx.core.utils.mask_util": [[121, "module-otx.core.utils.mask_util"]], "polygon_to_bitmap() (in module otx.core.utils.mask_util)": [[121, "otx.core.utils.mask_util.polygon_to_bitmap"]], "polygon_to_rle() (in module otx.core.utils.mask_util)": [[121, "otx.core.utils.mask_util.polygon_to_rle"]], "get_pylogger() (in module otx.core.utils.pylogger)": [[122, "otx.core.utils.pylogger.get_pylogger"]], "otx.core.utils.pylogger": [[122, "module-otx.core.utils.pylogger"]], "detectiontilemerge (class in otx.core.utils.tile_merge)": [[123, "otx.core.utils.tile_merge.DetectionTileMerge"]], "instancesegtilemerge (class in otx.core.utils.tile_merge)": [[123, "otx.core.utils.tile_merge.InstanceSegTileMerge"]], "tilemerge (class in otx.core.utils.tile_merge)": [[123, "otx.core.utils.tile_merge.TileMerge"]], "merge() (otx.core.utils.tile_merge.detectiontilemerge method)": [[123, "otx.core.utils.tile_merge.DetectionTileMerge.merge"]], "merge() (otx.core.utils.tile_merge.instancesegtilemerge method)": [[123, "otx.core.utils.tile_merge.InstanceSegTileMerge.merge"]], "merge() (otx.core.utils.tile_merge.tilemerge method)": [[123, "otx.core.utils.tile_merge.TileMerge.merge"]], "nms_postprocess() (otx.core.utils.tile_merge.tilemerge method)": [[123, "otx.core.utils.tile_merge.TileMerge.nms_postprocess"]], "otx.core.utils.tile_merge": [[123, "module-otx.core.utils.tile_merge"]], "get_adaptive_num_workers() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.get_adaptive_num_workers"]], "get_idx_list_per_classes() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.get_idx_list_per_classes"]], "get_mean_std_from_data_processing() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.get_mean_std_from_data_processing"]], "is_ckpt_for_finetuning() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.is_ckpt_for_finetuning"]], "is_ckpt_from_otx_v1() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.is_ckpt_from_otx_v1"]], "otx.core.utils.utils": [[124, "module-otx.core.utils.utils"]], "anomalydatamodule (class in otx.data)": [[125, "otx.data.AnomalyDataModule"]], "otx.data": [[125, "module-otx.data"]], "engine (class in otx.engine)": [[126, "otx.engine.Engine"]], "datamodule (otx.engine.engine property)": [[126, "otx.engine.Engine.datamodule"]], "device (otx.engine.engine property)": [[126, "otx.engine.Engine.device"]], "explain() (otx.engine.engine method)": [[126, "otx.engine.Engine.explain"]], "export() (otx.engine.engine method)": [[126, "otx.engine.Engine.export"]], "from_config() (otx.engine.engine class method)": [[126, "otx.engine.Engine.from_config"]], "from_model_name() (otx.engine.engine class method)": [[126, "otx.engine.Engine.from_model_name"]], "model (otx.engine.engine property)": [[126, "otx.engine.Engine.model"]], "optimize() (otx.engine.engine method)": [[126, "otx.engine.Engine.optimize"]], "otx.engine": [[126, "module-otx.engine"]], "predict() (otx.engine.engine method)": [[126, "otx.engine.Engine.predict"]], "test() (otx.engine.engine method)": [[126, "otx.engine.Engine.test"]], "train() (otx.engine.engine method)": [[126, "otx.engine.Engine.train"]], "trainer (otx.engine.engine property)": [[126, "otx.engine.Engine.trainer"]], "trainer_params (otx.engine.engine property)": [[126, "otx.engine.Engine.trainer_params"]], "work_dir (otx.engine.engine property)": [[126, "otx.engine.Engine.work_dir"]], "hyperband (class in otx.hpo)": [[127, "otx.hpo.HyperBand"]], "trialstatus (class in otx.hpo)": [[127, "otx.hpo.TrialStatus"]], "auto_config() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.auto_config"]], "get_best_config() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.get_best_config"]], "get_next_sample() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.get_next_sample"]], "get_progress() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.get_progress"]], "is_done() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.is_done"]], "otx.hpo": [[127, "module-otx.hpo"]], "print_result() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.print_result"]], "report_score() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.report_score"]], "run_hpo_loop() (in module otx.hpo)": [[127, "otx.hpo.run_hpo_loop"]], "save_results() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.save_results"]], "otx.recipe": [[128, "module-otx.recipe"]], "otx.tools": [[129, "module-otx.tools"]], "otx.tools.translate_mmrecipe": [[130, "module-otx.tools.translate_mmrecipe"]], "append_main_proc_signal_handler() (in module otx.utils)": [[131, "otx.utils.append_main_proc_signal_handler"]], "append_signal_handler() (in module otx.utils)": [[131, "otx.utils.append_signal_handler"]], "otx.utils": [[131, "module-otx.utils"]]}}) \ No newline at end of file +Search.setIndex({"docnames": ["guide/explanation/additional_features/adaptive_training", "guide/explanation/additional_features/auto_configuration", "guide/explanation/additional_features/class_incremental_sampler", "guide/explanation/additional_features/fast_data_loading", "guide/explanation/additional_features/hpo", "guide/explanation/additional_features/index", "guide/explanation/additional_features/models_optimization", "guide/explanation/additional_features/tiling", "guide/explanation/additional_features/xai", "guide/explanation/algorithms/action/action_classification", "guide/explanation/algorithms/action/action_detection", "guide/explanation/algorithms/action/index", "guide/explanation/algorithms/anomaly/index", "guide/explanation/algorithms/classification/hierarhical_classification", "guide/explanation/algorithms/classification/index", "guide/explanation/algorithms/classification/multi_class_classification", "guide/explanation/algorithms/classification/multi_label_classification", "guide/explanation/algorithms/index", "guide/explanation/algorithms/object_detection/index", "guide/explanation/algorithms/object_detection/object_detection", "guide/explanation/algorithms/segmentation/index", "guide/explanation/algorithms/segmentation/instance_segmentation", "guide/explanation/algorithms/segmentation/semantic_segmentation", "guide/explanation/algorithms/visual_prompting/fine_tuning", "guide/explanation/algorithms/visual_prompting/index", "guide/explanation/algorithms/visual_prompting/zero_shot", "guide/explanation/product_design", "guide/get_started/api_tutorial", "guide/get_started/cli_commands", "guide/get_started/installation", "guide/get_started/introduction", "guide/index", "guide/reference/_autosummary/otx", "guide/reference/_autosummary/otx.algo", "guide/reference/_autosummary/otx.algo.accelerators", "guide/reference/_autosummary/otx.algo.action_classification", "guide/reference/_autosummary/otx.algo.classification", "guide/reference/_autosummary/otx.algo.classification.backbones", "guide/reference/_autosummary/otx.algo.classification.heads", "guide/reference/_autosummary/otx.algo.classification.losses", "guide/reference/_autosummary/otx.algo.detection", "guide/reference/_autosummary/otx.algo.detection.backbones", "guide/reference/_autosummary/otx.algo.detection.backbones.pytorchcv_backbones", "guide/reference/_autosummary/otx.algo.detection.heads", "guide/reference/_autosummary/otx.algo.detection.losses", "guide/reference/_autosummary/otx.algo.plugins", "guide/reference/_autosummary/otx.algo.segmentation", "guide/reference/_autosummary/otx.algo.segmentation.backbones", "guide/reference/_autosummary/otx.algo.segmentation.heads", "guide/reference/_autosummary/otx.algo.segmentation.losses", "guide/reference/_autosummary/otx.algo.strategies", "guide/reference/_autosummary/otx.algo.visual_prompting", "guide/reference/_autosummary/otx.algo.visual_prompting.backbones", "guide/reference/_autosummary/otx.algo.visual_prompting.decoders", "guide/reference/_autosummary/otx.algo.visual_prompting.encoders", "guide/reference/_autosummary/otx.cli", "guide/reference/_autosummary/otx.cli.cli", "guide/reference/_autosummary/otx.cli.install", "guide/reference/_autosummary/otx.cli.utils", "guide/reference/_autosummary/otx.cli.utils.help_formatter", "guide/reference/_autosummary/otx.cli.utils.installation", "guide/reference/_autosummary/otx.cli.utils.jsonargparse", "guide/reference/_autosummary/otx.cli.utils.workspace", "guide/reference/_autosummary/otx.core", "guide/reference/_autosummary/otx.core.config", "guide/reference/_autosummary/otx.core.config.data", "guide/reference/_autosummary/otx.core.config.device", "guide/reference/_autosummary/otx.core.config.explain", "guide/reference/_autosummary/otx.core.config.hpo", "guide/reference/_autosummary/otx.core.data", "guide/reference/_autosummary/otx.core.exporter", "guide/reference/_autosummary/otx.core.exporter.base", "guide/reference/_autosummary/otx.core.exporter.exportable_code", "guide/reference/_autosummary/otx.core.exporter.exportable_code.demo", "guide/reference/_autosummary/otx.core.exporter.mmdeploy", "guide/reference/_autosummary/otx.core.exporter.native", "guide/reference/_autosummary/otx.core.exporter.visual_prompting", "guide/reference/_autosummary/otx.core.metrics", "guide/reference/_autosummary/otx.core.metrics.accuracy", "guide/reference/_autosummary/otx.core.metrics.fmeasure", "guide/reference/_autosummary/otx.core.model", "guide/reference/_autosummary/otx.core.model.entity", "guide/reference/_autosummary/otx.core.model.entity.action_classification", "guide/reference/_autosummary/otx.core.model.entity.action_detection", "guide/reference/_autosummary/otx.core.model.entity.base", "guide/reference/_autosummary/otx.core.model.entity.classification", "guide/reference/_autosummary/otx.core.model.entity.detection", "guide/reference/_autosummary/otx.core.model.entity.instance_segmentation", "guide/reference/_autosummary/otx.core.model.entity.rotated_detection", "guide/reference/_autosummary/otx.core.model.entity.segmentation", "guide/reference/_autosummary/otx.core.model.entity.utils", "guide/reference/_autosummary/otx.core.model.entity.utils.mmaction", "guide/reference/_autosummary/otx.core.model.entity.utils.mmdet", "guide/reference/_autosummary/otx.core.model.entity.utils.mmpretrain", "guide/reference/_autosummary/otx.core.model.entity.utils.mmseg", "guide/reference/_autosummary/otx.core.model.entity.visual_prompting", "guide/reference/_autosummary/otx.core.model.module", "guide/reference/_autosummary/otx.core.model.module.action_classification", "guide/reference/_autosummary/otx.core.model.module.action_detection", "guide/reference/_autosummary/otx.core.model.module.anomaly", "guide/reference/_autosummary/otx.core.model.module.base", "guide/reference/_autosummary/otx.core.model.module.classification", "guide/reference/_autosummary/otx.core.model.module.detection", "guide/reference/_autosummary/otx.core.model.module.instance_segmentation", "guide/reference/_autosummary/otx.core.model.module.rotated_detection", "guide/reference/_autosummary/otx.core.model.module.segmentation", "guide/reference/_autosummary/otx.core.model.module.visual_prompting", "guide/reference/_autosummary/otx.core.types", "guide/reference/_autosummary/otx.core.types.device", "guide/reference/_autosummary/otx.core.types.explain", "guide/reference/_autosummary/otx.core.types.export", "guide/reference/_autosummary/otx.core.types.image", "guide/reference/_autosummary/otx.core.types.precision", "guide/reference/_autosummary/otx.core.types.task", "guide/reference/_autosummary/otx.core.types.transformer_libs", "guide/reference/_autosummary/otx.core.utils", "guide/reference/_autosummary/otx.core.utils.build", "guide/reference/_autosummary/otx.core.utils.cache", "guide/reference/_autosummary/otx.core.utils.config", "guide/reference/_autosummary/otx.core.utils.imports", "guide/reference/_autosummary/otx.core.utils.instantiators", "guide/reference/_autosummary/otx.core.utils.mask_util", "guide/reference/_autosummary/otx.core.utils.pylogger", "guide/reference/_autosummary/otx.core.utils.tile_merge", "guide/reference/_autosummary/otx.core.utils.utils", "guide/reference/_autosummary/otx.data", "guide/reference/_autosummary/otx.engine", "guide/reference/_autosummary/otx.hpo", "guide/reference/_autosummary/otx.recipe", "guide/reference/_autosummary/otx.tools", "guide/reference/_autosummary/otx.tools.translate_mmrecipe", "guide/reference/_autosummary/otx.utils", "guide/reference/index", "guide/release_notes/index", "guide/tutorials/advanced/configuration", "guide/tutorials/advanced/index", "guide/tutorials/base/explain", "guide/tutorials/base/export", "guide/tutorials/base/how_to_train/action_classification", "guide/tutorials/base/how_to_train/action_detection", "guide/tutorials/base/how_to_train/anomaly_detection", "guide/tutorials/base/how_to_train/classification", "guide/tutorials/base/how_to_train/detection", "guide/tutorials/base/how_to_train/index", "guide/tutorials/base/how_to_train/instance_segmentation", "guide/tutorials/base/how_to_train/semantic_segmentation", "guide/tutorials/base/how_to_train/visual_prompting", "guide/tutorials/base/index", "index"], "filenames": ["guide/explanation/additional_features/adaptive_training.rst", "guide/explanation/additional_features/auto_configuration.rst", "guide/explanation/additional_features/class_incremental_sampler.rst", "guide/explanation/additional_features/fast_data_loading.rst", "guide/explanation/additional_features/hpo.rst", "guide/explanation/additional_features/index.rst", "guide/explanation/additional_features/models_optimization.rst", "guide/explanation/additional_features/tiling.rst", "guide/explanation/additional_features/xai.rst", "guide/explanation/algorithms/action/action_classification.rst", "guide/explanation/algorithms/action/action_detection.rst", "guide/explanation/algorithms/action/index.rst", "guide/explanation/algorithms/anomaly/index.rst", "guide/explanation/algorithms/classification/hierarhical_classification.rst", "guide/explanation/algorithms/classification/index.rst", "guide/explanation/algorithms/classification/multi_class_classification.rst", "guide/explanation/algorithms/classification/multi_label_classification.rst", "guide/explanation/algorithms/index.rst", "guide/explanation/algorithms/object_detection/index.rst", "guide/explanation/algorithms/object_detection/object_detection.rst", "guide/explanation/algorithms/segmentation/index.rst", "guide/explanation/algorithms/segmentation/instance_segmentation.rst", "guide/explanation/algorithms/segmentation/semantic_segmentation.rst", "guide/explanation/algorithms/visual_prompting/fine_tuning.rst", "guide/explanation/algorithms/visual_prompting/index.rst", "guide/explanation/algorithms/visual_prompting/zero_shot.rst", "guide/explanation/product_design.rst", "guide/get_started/api_tutorial.rst", "guide/get_started/cli_commands.rst", "guide/get_started/installation.rst", "guide/get_started/introduction.rst", "guide/index.rst", "guide/reference/_autosummary/otx.rst", "guide/reference/_autosummary/otx.algo.rst", "guide/reference/_autosummary/otx.algo.accelerators.rst", "guide/reference/_autosummary/otx.algo.action_classification.rst", "guide/reference/_autosummary/otx.algo.classification.rst", "guide/reference/_autosummary/otx.algo.classification.backbones.rst", "guide/reference/_autosummary/otx.algo.classification.heads.rst", "guide/reference/_autosummary/otx.algo.classification.losses.rst", "guide/reference/_autosummary/otx.algo.detection.rst", "guide/reference/_autosummary/otx.algo.detection.backbones.rst", "guide/reference/_autosummary/otx.algo.detection.backbones.pytorchcv_backbones.rst", "guide/reference/_autosummary/otx.algo.detection.heads.rst", "guide/reference/_autosummary/otx.algo.detection.losses.rst", "guide/reference/_autosummary/otx.algo.plugins.rst", "guide/reference/_autosummary/otx.algo.segmentation.rst", "guide/reference/_autosummary/otx.algo.segmentation.backbones.rst", "guide/reference/_autosummary/otx.algo.segmentation.heads.rst", "guide/reference/_autosummary/otx.algo.segmentation.losses.rst", "guide/reference/_autosummary/otx.algo.strategies.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.backbones.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.decoders.rst", "guide/reference/_autosummary/otx.algo.visual_prompting.encoders.rst", "guide/reference/_autosummary/otx.cli.rst", "guide/reference/_autosummary/otx.cli.cli.rst", "guide/reference/_autosummary/otx.cli.install.rst", "guide/reference/_autosummary/otx.cli.utils.rst", "guide/reference/_autosummary/otx.cli.utils.help_formatter.rst", "guide/reference/_autosummary/otx.cli.utils.installation.rst", "guide/reference/_autosummary/otx.cli.utils.jsonargparse.rst", "guide/reference/_autosummary/otx.cli.utils.workspace.rst", "guide/reference/_autosummary/otx.core.rst", "guide/reference/_autosummary/otx.core.config.rst", "guide/reference/_autosummary/otx.core.config.data.rst", "guide/reference/_autosummary/otx.core.config.device.rst", "guide/reference/_autosummary/otx.core.config.explain.rst", "guide/reference/_autosummary/otx.core.config.hpo.rst", "guide/reference/_autosummary/otx.core.data.rst", "guide/reference/_autosummary/otx.core.exporter.rst", "guide/reference/_autosummary/otx.core.exporter.base.rst", "guide/reference/_autosummary/otx.core.exporter.exportable_code.rst", "guide/reference/_autosummary/otx.core.exporter.exportable_code.demo.rst", "guide/reference/_autosummary/otx.core.exporter.mmdeploy.rst", "guide/reference/_autosummary/otx.core.exporter.native.rst", "guide/reference/_autosummary/otx.core.exporter.visual_prompting.rst", "guide/reference/_autosummary/otx.core.metrics.rst", "guide/reference/_autosummary/otx.core.metrics.accuracy.rst", "guide/reference/_autosummary/otx.core.metrics.fmeasure.rst", "guide/reference/_autosummary/otx.core.model.rst", "guide/reference/_autosummary/otx.core.model.entity.rst", "guide/reference/_autosummary/otx.core.model.entity.action_classification.rst", "guide/reference/_autosummary/otx.core.model.entity.action_detection.rst", "guide/reference/_autosummary/otx.core.model.entity.base.rst", "guide/reference/_autosummary/otx.core.model.entity.classification.rst", "guide/reference/_autosummary/otx.core.model.entity.detection.rst", "guide/reference/_autosummary/otx.core.model.entity.instance_segmentation.rst", "guide/reference/_autosummary/otx.core.model.entity.rotated_detection.rst", "guide/reference/_autosummary/otx.core.model.entity.segmentation.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmaction.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmdet.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmpretrain.rst", "guide/reference/_autosummary/otx.core.model.entity.utils.mmseg.rst", "guide/reference/_autosummary/otx.core.model.entity.visual_prompting.rst", "guide/reference/_autosummary/otx.core.model.module.rst", "guide/reference/_autosummary/otx.core.model.module.action_classification.rst", "guide/reference/_autosummary/otx.core.model.module.action_detection.rst", "guide/reference/_autosummary/otx.core.model.module.anomaly.rst", "guide/reference/_autosummary/otx.core.model.module.base.rst", "guide/reference/_autosummary/otx.core.model.module.classification.rst", "guide/reference/_autosummary/otx.core.model.module.detection.rst", "guide/reference/_autosummary/otx.core.model.module.instance_segmentation.rst", "guide/reference/_autosummary/otx.core.model.module.rotated_detection.rst", "guide/reference/_autosummary/otx.core.model.module.segmentation.rst", "guide/reference/_autosummary/otx.core.model.module.visual_prompting.rst", "guide/reference/_autosummary/otx.core.types.rst", "guide/reference/_autosummary/otx.core.types.device.rst", "guide/reference/_autosummary/otx.core.types.explain.rst", "guide/reference/_autosummary/otx.core.types.export.rst", "guide/reference/_autosummary/otx.core.types.image.rst", "guide/reference/_autosummary/otx.core.types.precision.rst", "guide/reference/_autosummary/otx.core.types.task.rst", "guide/reference/_autosummary/otx.core.types.transformer_libs.rst", "guide/reference/_autosummary/otx.core.utils.rst", "guide/reference/_autosummary/otx.core.utils.build.rst", "guide/reference/_autosummary/otx.core.utils.cache.rst", "guide/reference/_autosummary/otx.core.utils.config.rst", "guide/reference/_autosummary/otx.core.utils.imports.rst", "guide/reference/_autosummary/otx.core.utils.instantiators.rst", "guide/reference/_autosummary/otx.core.utils.mask_util.rst", "guide/reference/_autosummary/otx.core.utils.pylogger.rst", "guide/reference/_autosummary/otx.core.utils.tile_merge.rst", "guide/reference/_autosummary/otx.core.utils.utils.rst", "guide/reference/_autosummary/otx.data.rst", "guide/reference/_autosummary/otx.engine.rst", "guide/reference/_autosummary/otx.hpo.rst", "guide/reference/_autosummary/otx.recipe.rst", "guide/reference/_autosummary/otx.tools.rst", "guide/reference/_autosummary/otx.tools.translate_mmrecipe.rst", "guide/reference/_autosummary/otx.utils.rst", "guide/reference/index.rst", "guide/release_notes/index.rst", "guide/tutorials/advanced/configuration.rst", "guide/tutorials/advanced/index.rst", "guide/tutorials/base/explain.rst", "guide/tutorials/base/export.rst", "guide/tutorials/base/how_to_train/action_classification.rst", "guide/tutorials/base/how_to_train/action_detection.rst", "guide/tutorials/base/how_to_train/anomaly_detection.rst", "guide/tutorials/base/how_to_train/classification.rst", "guide/tutorials/base/how_to_train/detection.rst", "guide/tutorials/base/how_to_train/index.rst", "guide/tutorials/base/how_to_train/instance_segmentation.rst", "guide/tutorials/base/how_to_train/semantic_segmentation.rst", "guide/tutorials/base/how_to_train/visual_prompting.rst", "guide/tutorials/base/index.rst", "index.rst"], "titles": ["Adaptive Training", "Auto-configuration", "Class-Incremental Sampler", "Fast Data Loading", "Hyperparameters Optimization", "Additional Features", "Models Optimization", "Improve Small Object Detection with Image Tiling", "Explainable AI (XAI)", "Action Classification", "Action Detection", "Action Recognition", "Anomaly Detection", "Hierarchical Classification", "Classification", "Multi-class Classification", "Multi-label Classification", "Algorithms", "Object Detection", "Object Detection", "Segmentation", "Instance Segmentation", "Semantic Segmentation", "Visual Prompting (Fine-tuning)", "Visual Prompting", "Visual Prompting (Zero-shot learning)", "Product Design", " API Quick-Guide", " CLI Guide", " Installation", "Introduction", "Guide", "otx", "otx.algo", "otx.algo.accelerators", "otx.algo.action_classification", "otx.algo.classification", "otx.algo.classification.backbones", "otx.algo.classification.heads", "otx.algo.classification.losses", "otx.algo.detection", "otx.algo.detection.backbones", "otx.algo.detection.backbones.pytorchcv_backbones", "otx.algo.detection.heads", "otx.algo.detection.losses", "otx.algo.plugins", "otx.algo.segmentation", "otx.algo.segmentation.backbones", "otx.algo.segmentation.heads", "otx.algo.segmentation.losses", "otx.algo.strategies", "otx.algo.visual_prompting", "otx.algo.visual_prompting.backbones", "otx.algo.visual_prompting.decoders", "otx.algo.visual_prompting.encoders", "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.base", "otx.core.exporter.exportable_code", "otx.core.exporter.exportable_code.demo", "otx.core.exporter.mmdeploy", "otx.core.exporter.native", "otx.core.exporter.visual_prompting", "otx.core.metrics", "otx.core.metrics.accuracy", "otx.core.metrics.fmeasure", "otx.core.model", "otx.core.model.entity", "otx.core.model.entity.action_classification", "otx.core.model.entity.action_detection", "otx.core.model.entity.base", "otx.core.model.entity.classification", "otx.core.model.entity.detection", "otx.core.model.entity.instance_segmentation", "otx.core.model.entity.rotated_detection", "otx.core.model.entity.segmentation", "otx.core.model.entity.utils", "otx.core.model.entity.utils.mmaction", "otx.core.model.entity.utils.mmdet", "otx.core.model.entity.utils.mmpretrain", "otx.core.model.entity.utils.mmseg", "otx.core.model.entity.visual_prompting", "otx.core.model.module", "otx.core.model.module.action_classification", "otx.core.model.module.action_detection", "otx.core.model.module.anomaly", "otx.core.model.module.base", "otx.core.model.module.classification", "otx.core.model.module.detection", "otx.core.model.module.instance_segmentation", "otx.core.model.module.rotated_detection", "otx.core.model.module.segmentation", "otx.core.model.module.visual_prompting", "otx.core.types", "otx.core.types.device", "otx.core.types.explain", "otx.core.types.export", "otx.core.types.image", "otx.core.types.precision", "otx.core.types.task", "otx.core.types.transformer_libs", "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.pylogger", "otx.core.utils.tile_merge", "otx.core.utils.utils", "otx.data", "otx.engine", "otx.hpo", "otx.recipe", "otx.tools", "otx.tools.translate_mmrecipe", "otx.utils", "API reference", "Releases", "How to write OTX Configuration (recipe)", "Advanced Tutorials", "XAI Tutorial", "Deploy & Demo", "Action Classification model", "Action Detection model", "Anomaly Detection Tutorial", "Classification model", "Object Detection model", "Training to deployment tutorials", "Instance Segmentation model", "Semantic Segmentation model", "Visual Prompting model", "Base Tutorials", "Welcome to Intel OpenVINO Training Extensions\u2019s develop documentation!"], "terms": {"focus": [0, 39, 142, 146], "adjust": [0, 1, 7, 23, 26, 100], "number": [0, 1, 2, 4, 7, 9, 12, 17, 19, 21, 22, 28, 34, 35, 38, 40, 43, 47, 51, 52, 53, 54, 65, 74, 78, 79, 84, 92, 93, 94, 116, 118, 123, 126, 131, 138, 139, 140, 141, 142, 144, 145, 146], "iter": [0, 1, 15, 19, 21, 22, 54, 56, 59, 61, 74, 126, 127, 138, 139, 141, 142, 144, 145, 146], "interv": [0, 126], "valid": [0, 1, 4, 7, 9, 12, 13, 15, 16, 19, 21, 22, 27, 28, 29, 30, 38, 49, 51, 61, 65, 84, 97, 98, 99, 100, 101, 102, 103, 105, 106, 126, 138, 139, 141, 142, 146], "achiev": [0, 1, 19, 21, 22, 26, 133, 138, 139, 141, 142, 144, 146], "fast": [0, 1, 5, 6, 8, 10, 19, 22, 138, 139, 140, 141, 142, 144, 145, 146], "In": [0, 4, 7, 9, 10, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 49, 51, 60, 75, 76, 79, 127, 137, 140], "small": [0, 5, 15, 16, 19, 51, 133], "data": [0, 1, 2, 5, 7, 8, 9, 12, 15, 17, 21, 22, 23, 26, 27, 28, 35, 38, 43, 51, 61, 64, 66, 67, 82, 84, 86, 87, 94, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 123, 126, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "regim": [0, 133], "we": [0, 1, 6, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 39, 40, 60, 69, 99, 117, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "don": [0, 26, 99, 126], "t": [0, 21, 22, 25, 26, 40, 74, 78, 99, 126, 146], "need": [0, 1, 8, 15, 16, 19, 22, 25, 26, 27, 28, 29, 54, 60, 65, 69, 99, 100, 102, 103, 117, 128, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "model": [0, 3, 4, 5, 8, 17, 26, 28, 29, 30, 33, 35, 36, 37, 38, 39, 40, 42, 45, 46, 47, 48, 49, 51, 52, 53, 54, 56, 70, 71, 74, 75, 76, 109, 116, 117, 124, 126, 127, 128, 133, 134, 136, 137, 140, 143, 147], "everi": [0, 13, 17, 30, 35, 38, 40, 100], "epoch": [0, 1, 4, 9, 12, 21, 22, 23, 27, 28, 100, 103, 106, 126, 138, 139, 140, 141, 142, 144, 145, 146], "sinc": [0, 7, 12, 40, 78, 85, 99, 116, 117, 141], "ar": [0, 1, 4, 7, 8, 9, 10, 12, 13, 15, 16, 19, 22, 23, 25, 26, 27, 28, 29, 30, 38, 49, 51, 54, 56, 78, 79, 84, 100, 103, 106, 117, 127, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "few": 0, "singl": [0, 7, 8, 9, 10, 13, 15, 16, 19, 21, 22, 26, 30, 43, 50, 51, 53, 55, 61, 79, 97, 98, 101, 102, 103, 105, 106, 109, 123, 127, 136, 137], "To": [0, 1, 6, 7, 9, 10, 12, 13, 15, 16, 17, 19, 22, 23, 26, 27, 28, 29, 49, 51, 60, 79, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "handl": [0, 13, 21, 22, 23, 25, 26, 30, 45, 126], "thi": [0, 1, 2, 4, 7, 8, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 35, 40, 43, 49, 51, 55, 56, 59, 60, 65, 69, 74, 75, 76, 78, 79, 84, 85, 91, 92, 93, 94, 99, 100, 104, 109, 117, 126, 128, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "have": [0, 1, 4, 13, 19, 21, 22, 23, 26, 28, 29, 30, 40, 51, 69, 78, 79, 95, 99, 100, 120, 126, 138, 139, 140, 141, 142, 144, 145, 146], "implement": [0, 7, 8, 22, 26, 40, 41, 43, 48, 49, 51, 60, 75, 76, 127], "modul": [0, 1, 3, 7, 8, 26, 27, 28, 30, 32, 33, 35, 36, 37, 38, 39, 40, 41, 42, 45, 46, 47, 48, 49, 51, 52, 53, 54, 55, 56, 58, 60, 62, 63, 64, 65, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 107, 115, 116, 119, 123, 126, 129, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146, 148], "name": [0, 4, 9, 10, 12, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 40, 47, 49, 56, 60, 65, 71, 74, 75, 76, 78, 82, 84, 85, 86, 87, 88, 89, 99, 100, 116, 117, 122, 126, 138, 139, 140, 141, 142, 144, 145, 146], "adaptivetrainschedul": 0, "callback": [0, 27, 28, 40, 61, 84, 99, 100, 103, 106, 120, 126, 134], "control": [0, 1, 4, 12, 27, 51], "do": [0, 4, 6, 25, 26, 27, 29, 54, 79, 136, 137, 141, 142, 144, 146], "faster": [0, 1, 4, 10, 12, 19, 21, 30, 133], "chang": [0, 12, 15, 16, 21, 26, 27, 28, 29, 99, 127, 133, 134], "evalu": [0, 4, 7, 26, 144, 145], "updat": [0, 1, 17, 19, 21, 29, 35, 40, 51, 56, 60, 61, 74, 78, 79, 102, 103, 117, 133, 141, 142, 144, 145, 146], "learn": [0, 1, 2, 4, 8, 9, 10, 12, 15, 16, 17, 19, 21, 22, 23, 24, 26, 27, 30, 34, 48, 49, 51, 95, 100, 106, 126, 133, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147], "rate": [0, 1, 4, 9, 12, 15, 16, 19, 21, 22, 23, 100, 126, 138, 139, 140, 141, 142, 144, 145, 146], "check": [0, 1, 23, 29, 34, 51, 56, 60, 61, 64, 117, 124, 126, 127, 137, 138, 140, 141, 142, 144, 146], "dataset": [0, 1, 2, 3, 7, 17, 26, 30, 40, 65, 74, 79, 84, 120, 126, 133, 136, 137], "api": [0, 1, 2, 3, 4, 6, 7, 8, 26, 30, 60, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "from": [0, 1, 2, 3, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 35, 38, 42, 47, 48, 49, 51, 53, 54, 56, 59, 60, 61, 65, 69, 71, 74, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 97, 98, 99, 100, 101, 102, 103, 105, 106, 111, 116, 117, 120, 124, 126, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "otx": [0, 1, 2, 3, 4, 6, 8, 9, 10, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 133, 135, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "algo": [0, 2, 12, 27, 28, 134], "adaptive_train_schedul": 0, "import": [0, 1, 2, 3, 4, 6, 7, 8, 26, 27, 59, 60, 138, 139, 140, 141, 142, 144, 145, 146], "engin": [0, 1, 4, 6, 7, 8, 26, 28, 56, 66, 99, 117, 120, 134, 136, 138, 139, 140, 141, 142, 144, 145, 146], "cli": [0, 1, 2, 3, 4, 6, 7, 8, 26, 27, 29, 30, 65, 120, 126, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "deep": [1, 12, 26, 27, 30], "framework": [1, 21, 22, 23, 25, 26, 30, 35, 74, 124], "mean": [1, 4, 8, 12, 16, 22, 39, 40, 47, 49, 65, 71, 74, 75, 76, 78, 91, 92, 93, 94, 116, 124, 133, 136], "automat": [1, 4, 7, 23, 25, 30, 45, 79, 127, 133, 136, 141, 142, 144, 146], "find": [1, 4, 7, 9, 10, 13, 15, 16, 19, 21, 26, 27, 51, 74, 79, 118, 133, 138, 139, 140, 141, 142, 144, 145, 146], "most": [1, 8, 12, 17, 19, 23, 25, 26, 28, 30, 138, 139, 141, 142, 144, 145, 146], "appropri": [1, 30, 51, 124], "set": [1, 2, 4, 7, 10, 12, 13, 16, 17, 19, 21, 22, 27, 29, 30, 34, 35, 38, 39, 40, 47, 50, 51, 52, 54, 56, 57, 59, 60, 61, 79, 85, 97, 98, 101, 102, 103, 105, 106, 116, 117, 126, 133, 137, 141, 142, 144, 145, 146], "train": [1, 2, 3, 4, 5, 8, 9, 10, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 30, 32, 34, 40, 42, 43, 45, 47, 49, 50, 51, 59, 61, 63, 65, 69, 84, 94, 99, 100, 106, 126, 127, 133, 134, 136, 137, 147], "paramet": [1, 6, 15, 16, 19, 22, 26, 27, 28, 30, 35, 37, 38, 39, 40, 43, 45, 47, 48, 49, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 64, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 91, 92, 93, 94, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 117, 118, 120, 121, 122, 123, 124, 126, 127, 131, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "base": [1, 2, 4, 8, 15, 19, 26, 27, 28, 30, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 56, 59, 61, 62, 65, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 82, 83, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 96, 97, 98, 99, 101, 102, 103, 104, 105, 106, 108, 109, 110, 111, 112, 113, 114, 117, 120, 123, 125, 126, 127, 133, 136, 140, 141, 142, 144, 145, 146], "specif": [1, 13, 16, 17, 26, 27, 28, 37, 51, 56, 136, 138, 139, 140, 141, 142, 144, 145, 146], "task": [1, 3, 4, 6, 7, 9, 10, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 35, 38, 40, 41, 43, 51, 52, 57, 60, 69, 78, 79, 84, 97, 98, 99, 101, 102, 103, 104, 105, 106, 126, 133, 134, 136, 138, 139, 140, 141, 142, 143, 144, 145, 146], "hand": [1, 21, 26, 29], "can": [1, 3, 4, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 49, 51, 65, 74, 79, 82, 83, 84, 85, 86, 87, 88, 89, 95, 99, 116, 126, 127, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "help": [1, 2, 4, 8, 26, 27, 29, 59, 138, 139, 140, 141, 142, 144, 145, 146], "save": [1, 4, 8, 25, 28, 30, 47, 56, 69, 71, 75, 76, 84, 99, 100, 106, 127, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "time": [1, 3, 4, 7, 8, 15, 17, 19, 21, 22, 23, 26, 28, 29, 69, 94, 133, 138, 139, 140, 141, 142, 144, 145, 146], "eas": 1, "process": [1, 3, 4, 7, 12, 19, 21, 22, 23, 25, 26, 28, 30, 35, 38, 51, 65, 95, 99, 100, 123, 126, 131, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "interact": [1, 84], "openvino": [1, 3, 4, 6, 8, 9, 12, 17, 21, 22, 23, 25, 26, 27, 28, 30, 32, 35, 51, 63, 71, 74, 75, 76, 82, 84, 85, 86, 87, 88, 89, 95, 126, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146, 147], "extens": [1, 3, 4, 6, 7, 8, 9, 12, 13, 17, 21, 22, 23, 25, 26, 27, 28, 30, 32, 63, 69, 84, 99, 100, 133, 138, 139, 140, 141, 142, 144, 145, 146, 147], "give": [1, 8, 25, 30], "better": [1, 4, 10, 15, 19, 26, 28, 40], "baselin": [1, 28], "given": [1, 4, 13, 15, 16, 23, 25, 26, 28, 30, 35, 51, 53, 54, 56, 58, 61, 71, 75, 76, 79, 95, 111, 118, 120, 121, 133], "At": [1, 12, 13, 19, 22, 26], "end": [1, 17, 22, 26, 100, 103, 106, 142, 144, 146], "develop": [1, 8, 23, 25, 26, 27, 30], "simpl": [1, 19, 22, 30, 49, 137], "function": [1, 9, 10, 12, 15, 16, 19, 21, 22, 23, 26, 27, 28, 29, 30, 35, 36, 38, 42, 47, 49, 51, 52, 55, 56, 57, 58, 59, 60, 61, 64, 65, 74, 79, 82, 84, 85, 86, 87, 91, 92, 93, 94, 95, 97, 98, 100, 101, 102, 103, 104, 105, 106, 115, 116, 118, 119, 120, 121, 122, 124, 126, 127, 131, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "util": [1, 3, 4, 12, 17, 22, 26, 27, 28, 46, 65, 137, 140, 141, 142, 144, 145, 146], "our": [1, 6, 9, 13, 15, 16, 17, 19, 21, 22, 27, 28, 137, 141, 142, 144, 145, 146], "basic": [1, 8, 22, 25, 26, 28, 35, 134], "start": [1, 4, 22, 26, 28, 30, 59, 100, 106, 133, 138, 139, 140, 141, 142, 144, 145, 146], "obtain": [1, 10, 13, 15, 16, 21, 22, 23, 25, 30, 51, 79, 137], "good": [1, 4, 8, 12, 19, 100, 140], "best": [1, 4, 15, 22, 26, 28, 30, 51, 79, 127], "trade": [1, 7, 12, 22, 28, 30], "off": [1, 4, 7, 12, 22, 28, 29, 30], "between": [1, 4, 7, 8, 12, 13, 21, 22, 26, 51, 61, 138, 141, 142, 146], "accuraci": [1, 7, 9, 15, 19, 21, 22, 28, 30, 40, 101, 134, 138, 139, 141, 142, 146], "speed": [1, 3, 7, 8, 21, 22, 28, 30, 47, 133], "pass": [1, 19, 22, 28, 45, 56, 59, 60, 65, 84, 99, 100, 120, 137, 138, 140, 141, 142, 144, 145, 146], "onli": [1, 4, 7, 8, 10, 12, 21, 23, 25, 26, 28, 29, 38, 47, 51, 60, 61, 69, 75, 76, 78, 84, 95, 99, 126, 127, 131, 137], "right": [1, 13, 25, 51, 60, 85, 94, 142, 146], "format": [1, 4, 7, 26, 27, 28, 30, 51, 54, 59, 71, 74, 75, 76, 84, 94, 99, 100, 110, 118, 121, 126, 133, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "without": [1, 4, 7, 15, 16, 19, 21, 25, 26, 28, 38, 69, 71, 74, 137, 138, 140, 141, 142, 144, 145, 146], "specifi": [1, 7, 12, 27, 28, 34, 49, 51, 56, 59, 60, 71, 75, 76, 84, 99, 100, 126, 136, 137, 144, 146], "anyth": [1, 23, 25, 30, 51, 53, 54], "els": [1, 99, 141], "data_root": [1, 4, 8, 23, 25, 26, 27, 28, 61, 65, 126, 136, 138, 139, 140, 141, 142, 144, 145, 146], "path_to_data_root": [1, 4, 23, 25, 26], "after": [1, 4, 7, 9, 12, 13, 19, 23, 26, 28, 29, 35, 74, 85, 94, 99, 133, 137, 138, 139, 141, 142, 144, 145, 146], "prepar": [1, 28, 56], "middl": [1, 22], "recip": [1, 9, 10, 13, 15, 16, 19, 21, 22, 23, 25, 26, 28, 30, 130, 135, 136, 138, 139, 140, 141, 142, 144, 145, 146], "competit": [1, 15, 138, 139], "preserv": [1, 22], "infer": [1, 6, 7, 8, 12, 13, 19, 21, 22, 25, 26, 30, 38, 51, 74, 82, 84, 85, 86, 87, 88, 89, 95, 111, 116, 133, 137, 138, 139, 142, 146], "support": [1, 7, 8, 9, 10, 12, 13, 15, 17, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 34, 48, 49, 50, 51, 57, 60, 84, 99, 126, 133, 138, 139, 141, 142, 144, 145, 146], "each": [1, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 26, 28, 30, 40, 43, 47, 49, 51, 52, 54, 56, 60, 69, 78, 79, 94, 109, 116, 120, 126, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "classif": [1, 3, 10, 11, 17, 19, 21, 28, 30, 35, 40, 51, 78, 82, 83, 91, 92, 93, 94, 97, 116, 133, 134, 136, 143], "imagenet": [1, 15], "coco": [1, 10, 16, 19, 21, 23, 25, 26, 28, 133, 142, 144, 146], "multi": [1, 10, 12, 13, 14, 17, 22, 30, 34, 38, 78, 85, 101, 122, 133, 141], "label": [1, 2, 9, 10, 12, 13, 14, 17, 22, 23, 25, 26, 30, 36, 38, 43, 47, 48, 49, 51, 54, 78, 79, 84, 85, 97, 98, 99, 100, 101, 102, 104, 105, 123, 133, 137, 138, 140, 141, 145], "custom": [1, 7, 10, 13, 19, 23, 25, 26, 27, 28, 33, 35, 37, 38, 39, 40, 41, 43, 44, 48, 49, 59, 60, 64, 69, 77, 79, 126, 133, 137, 141], "hierarch": [1, 14, 17, 30, 38, 78, 85, 133, 141], "object": [1, 5, 8, 10, 17, 21, 22, 26, 27, 28, 30, 35, 44, 56, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 71, 74, 86, 99, 111, 116, 117, 118, 120, 121, 122, 126, 133, 136, 138, 139, 140, 144, 145, 146], "detect": [1, 5, 11, 17, 21, 26, 27, 28, 30, 51, 74, 79, 83, 87, 88, 89, 97, 98, 103, 104, 116, 123, 126, 133, 136, 138, 141, 143, 144, 145, 146], "pascal": [1, 16, 19, 21, 22, 23, 25, 142, 145, 146], "voc": [1, 16, 19, 21, 22, 23, 25, 26, 133, 142, 146], "yolo": [1, 26, 28, 142], "semant": [1, 17, 20, 23, 25, 30, 89, 133, 143, 146], "segment": [1, 7, 9, 17, 23, 25, 30, 51, 53, 54, 87, 103, 123, 133, 136, 143, 146], "common": [1, 8, 15, 16, 17, 19, 22, 23, 25, 30, 100, 146], "cityscap": [1, 21, 22, 26], "ade20k": [1, 21], "action": [1, 17, 30, 35, 59, 82, 83, 97, 98, 133, 143], "cvat": 1, "anomali": [1, 17, 30, 60, 125, 133, 143], "mvtec": [1, 12, 125, 140], "instanc": [1, 7, 12, 15, 17, 20, 23, 25, 30, 56, 87, 91, 92, 93, 94, 103, 123, 126, 133, 136, 143, 145], "If": [1, 3, 4, 6, 7, 10, 12, 22, 25, 26, 27, 28, 29, 30, 35, 38, 49, 51, 52, 56, 59, 60, 79, 99, 100, 103, 106, 119, 126, 127, 137, 139, 141, 142, 144, 145, 146], "occlud": 1, "other": [1, 4, 7, 10, 12, 15, 21, 22, 23, 25, 26, 27, 28, 29, 30, 38, 60, 61, 74, 136, 137, 138, 146], "exampl": [1, 7, 8, 13, 16, 19, 22, 25, 26, 27, 28, 29, 51, 59, 60, 61, 64, 65, 100, 117, 121, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "should": [1, 4, 9, 16, 22, 26, 28, 38, 51, 64, 78, 79, 120, 126, 136, 138, 139], "directli": [1, 29, 51, 84], "emphas": 1, "type": [1, 4, 17, 21, 25, 26, 27, 28, 30, 35, 38, 43, 49, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 69, 71, 74, 75, 76, 79, 84, 86, 87, 91, 92, 93, 94, 99, 100, 103, 104, 106, 117, 119, 120, 121, 124, 126, 127, 133, 134, 137, 140, 144, 146], "choos": [1, 4, 13, 26, 28, 30, 100, 138, 139, 141, 142, 144, 145, 146], "you": [1, 4, 6, 7, 12, 16, 19, 22, 25, 26, 27, 28, 29, 30, 49, 61, 100, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "might": [1, 99, 100, 140], "intend": [1, 22, 27], "task_typ": [1, 125], "multi_class_cl": [1, 15, 28, 134, 141], "multi_label_cl": [1, 16, 28], "h_label_cl": [1, 13, 28], "instance_segment": [1, 21, 27, 144], "semantic_segment": [1, 145], "action_classif": [1, 9, 28, 138], "action_detect": [1, 10, 28, 139], "action_segment": 1, "anomaly_classif": [1, 28, 140], "anomaly_detect": [1, 28, 140], "anomaly_segment": [1, 28, 140], "visual_prompt": [1, 146], "featur": [1, 4, 7, 8, 10, 12, 15, 17, 19, 21, 22, 25, 26, 27, 28, 35, 38, 51, 95, 133, 134, 141, 142, 146], "current": [1, 4, 7, 9, 10, 12, 19, 22, 23, 25, 27, 29, 51, 59, 65, 97, 98, 101, 102, 103, 105, 106, 127, 134, 140, 142, 144, 146], "hardwar": [1, 19, 28, 60, 138, 139, 140, 141, 142, 144, 145, 146], "environ": [1, 4, 29, 127, 136, 137], "There": [1, 25, 28, 30, 144, 146], "two": [1, 7, 8, 10, 15, 21, 25, 29, 37, 40, 51, 60, 79, 116, 140, 146], "method": [1, 4, 6, 8, 21, 22, 23, 25, 30, 39, 43, 49, 51, 54, 56, 59, 61, 67, 71, 72, 78, 85, 99, 104], "avail": [1, 4, 9, 10, 12, 13, 15, 16, 17, 23, 25, 26, 28, 30, 34, 51, 56, 60, 139, 140, 141, 142, 144, 145, 146], "prevent": [1, 8, 12, 15, 16, 19, 21, 22, 23, 49, 51, 133, 137], "gpu": [1, 3, 4, 7, 27, 28, 30, 34, 122, 127, 133], "out": [1, 7], "memori": [1, 7, 28, 30, 47, 133, 146], "safe": [1, 8, 64], "mode": [1, 4, 26, 29, 37, 42, 47, 49, 51, 68, 84, 94, 126, 133, 134, 137], "The": [1, 4, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 26, 27, 28, 29, 30, 35, 38, 39, 49, 51, 53, 54, 56, 58, 59, 60, 61, 62, 64, 69, 71, 75, 76, 78, 79, 94, 97, 98, 99, 101, 102, 103, 104, 105, 106, 117, 119, 120, 122, 126, 131, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "first": [1, 4, 6, 13, 17, 22, 28, 29, 35, 43, 59, 79, 126, 131, 139, 141, 142, 144, 145, 146], "i": [1, 2, 3, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 34, 35, 40, 43, 48, 49, 51, 54, 55, 56, 57, 58, 59, 60, 61, 65, 69, 71, 74, 75, 76, 78, 79, 84, 85, 94, 99, 100, 102, 103, 104, 116, 117, 119, 121, 126, 127, 128, 131, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "compat": [1, 29, 35, 82, 83, 85, 86, 87, 88, 89, 95, 99, 133], "devic": [1, 26, 27, 28, 34, 50, 51, 65, 91, 92, 93, 94, 126, 134, 137, 138, 140, 141, 142, 144, 145, 146], "larger": [1, 7, 12, 30], "consum": [1, 4, 7, 15, 26, 82, 83, 85, 86, 87, 88, 89, 95], "more": [1, 4, 6, 7, 8, 9, 12, 13, 15, 16, 19, 21, 22, 23, 28, 29, 30, 51, 53, 59, 60, 95, 127, 136, 138, 139, 140, 141, 142, 144, 145, 146], "therefor": [1, 23, 26, 60, 69], "system": [1, 8, 26, 29, 60, 127, 137, 140], "verifi": 1, "possibl": [1, 4, 26, 28, 30, 51, 60, 109, 127, 137], "": [1, 4, 7, 8, 12, 13, 15, 16, 19, 21, 22, 26, 27, 28, 40, 43, 54, 56, 59, 65, 71, 74, 76, 78, 84, 85, 99, 100, 109, 116, 120, 126, 127, 131, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "feasibl": [1, 23], "decreas": [1, 4, 127, 133, 138, 139, 140, 141, 142, 144, 145, 146], "reduc": [1, 3, 4, 7, 9, 12, 15, 21, 22, 28, 39, 49, 79], "usag": [1, 8, 27, 28, 59, 65, 126, 133], "howev": [1, 7, 15, 21, 26, 27, 43, 60, 84, 99, 126, 136], "too": 1, "low": [1, 19, 30, 51, 54, 136], "slow": [1, 47], "down": [1, 47], "address": [1, 7], "maximum": [1, 4, 22, 74, 123, 126], "amount": [1, 4, 15, 22], "could": [1, 60, 78, 126, 139, 141, 142, 144, 145, 146], "run": [1, 4, 6, 26, 27, 28, 47, 56, 84, 95, 126, 127, 137, 138, 139, 140, 141, 142, 144, 145, 146], "resourc": [1, 4, 7, 19, 21, 23, 30, 34, 127, 133], "also": [1, 4, 7, 9, 12, 17, 19, 21, 26, 27, 28, 30, 43, 56, 79, 126, 137, 138, 139, 140, 141, 142, 144, 145, 146], "accordingli": 1, "us": [1, 2, 4, 6, 7, 8, 9, 10, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 35, 38, 39, 40, 43, 45, 47, 49, 51, 52, 53, 54, 56, 60, 61, 62, 65, 71, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 114, 116, 117, 120, 124, 126, 127, 129, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146, 147], "add": [1, 15, 16, 19, 21, 22, 23, 26, 28, 52, 56, 57, 59, 60, 61, 78, 131, 133], "follow": [1, 4, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 26, 27, 28, 29, 30, 109, 120, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "execut": [1, 4, 7, 8, 9, 10, 13, 15, 16, 28, 29, 56, 74, 126, 131, 137, 138, 139, 141, 142, 144, 145, 146], "full": [1, 7, 22, 23, 29, 60, 123, 127, 144, 145], "second": [1, 12, 28, 59, 79, 141, 142, 145], "aim": [1, 8, 16, 26], "larg": [1, 3, 7, 12, 15, 16, 19, 28, 34, 37, 78, 133, 142, 146], "overal": [1, 4, 7, 9, 16, 133], "increas": [1, 4, 7, 8, 9, 23, 28, 127, 146], "effect": [1, 2, 7, 47], "requir": [1, 4, 6, 7, 10, 19, 21, 22, 23, 26, 28, 29, 40, 57, 60, 61, 79, 85, 99, 137, 138, 140, 141, 142, 144, 145, 146], "sweep": 1, "whole": [1, 17, 23], "thu": [1, 28], "up": [1, 29, 34, 50, 133, 138, 139, 141, 142, 144, 145, 146], "doe": [1, 12, 26, 43, 49, 60, 99], "search": [1, 4, 148], "effici": [1, 4, 7, 12, 15, 19, 21, 28, 30, 133, 138, 140, 141, 142, 144, 145, 146], "mai": [1, 15, 16, 17, 21, 26, 29, 49, 141, 142, 144, 146], "significantli": [1, 7], "provid": [1, 3, 4, 6, 7, 8, 15, 17, 26, 27, 28, 29, 30, 40, 51, 56, 59, 61, 65, 84, 117, 120, 126, 128, 129, 134, 136, 137, 139, 141, 142, 144, 145, 146], "substanti": 1, "acceler": [1, 4, 7, 26, 30, 50, 66], "compar": [1, 4, 12, 15, 30, 40, 116, 117], "similar": [1, 12, 51, 100], "previou": [1, 30, 40, 49, 54, 136, 137, 138, 139, 141, 142, 144, 145, 146], "accord": [1, 23, 25, 29, 40, 51, 56, 84, 126, 141, 142, 144, 146], "when": [1, 4, 7, 8, 12, 15, 21, 25, 26, 29, 30, 34, 43, 49, 51, 53, 54, 56, 57, 60, 65, 74, 100, 102, 103, 106, 128, 131, 133, 146], "fix": [1, 9, 17, 27, 29, 94, 133, 138, 139, 140, 141, 142, 144, 145, 146], "gener": [1, 8, 12, 16, 19, 23, 25, 26, 28, 30, 34, 40, 43, 45, 51, 69, 84, 109, 123, 133, 136, 140, 144, 145], "than": [1, 4, 16, 17, 19, 29, 60, 127, 144, 145], "smaller": [1, 7, 12], "earli": [1, 12, 15, 16, 19, 21, 22, 23, 144, 145], "stop": [1, 4, 12, 15, 16, 19, 21, 22, 23, 30, 127, 137, 144, 145], "enabl": [1, 3, 4, 12, 26, 28, 38, 45, 94, 126, 133, 144, 146], "lower": [1, 4], "finish": [1, 4], "subprocess": 1, "load": [1, 5, 28, 40, 45, 51, 65, 74, 84, 95, 100, 102, 103, 106, 117, 126, 133, 146], "dure": [1, 2, 7, 9, 12, 21, 35, 43, 126, 136, 137], "while": [1, 7, 8, 12, 17, 21, 22, 26, 47, 51, 71, 74, 138, 139, 140, 141, 142, 144, 145, 146], "high": [1, 3, 7, 28, 47, 51, 79, 142, 146], "signific": 1, "cpu": [1, 19, 28, 51, 60, 127, 133, 138, 140, 141, 142, 144, 145, 146], "simplifi": [1, 26, 133], "manual": [1, 60, 144, 145, 146], "determin": [1, 4, 7, 12, 54, 64, 79], "optim": [1, 5, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 26, 30, 34, 45, 50, 56, 79, 84, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 126, 127, 133, 134, 139], "valu": [1, 4, 7, 8, 12, 21, 27, 28, 35, 49, 51, 52, 56, 59, 61, 71, 74, 79, 94, 108, 109, 110, 111, 112, 113, 114, 118, 124, 126, 127, 133, 134, 138, 139, 141, 142, 144, 145, 146], "statu": [1, 57, 127], "core": [1, 3, 4, 7, 27, 138, 139, 140, 141, 142, 144, 145, 146], "config": [1, 2, 3, 4, 7, 23, 25, 27, 28, 35, 36, 38, 40, 43, 47, 51, 56, 61, 69, 74, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 116, 117, 124, 126, 128, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "datamoduleconfig": [1, 3, 7, 65, 69, 138, 139, 140, 141, 142, 144, 145, 146], "otxdatamodul": [1, 3, 7, 8, 27, 28, 40, 69, 84, 95, 125, 126, 136, 138, 139, 140, 141, 142, 144, 145, 146], "data_config": [1, 3, 7, 138, 139, 140, 141, 142, 144, 145, 146], "auto_num_work": [1, 65], "true": [1, 4, 7, 8, 12, 35, 37, 40, 42, 43, 49, 50, 51, 52, 56, 59, 60, 62, 64, 65, 68, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 95, 117, 124, 126, 127, 133, 134, 136, 141, 142], "datamodul": [1, 3, 7, 8, 26, 27, 28, 56, 99, 100, 125, 126, 136, 138, 139, 140, 141, 142, 144, 145, 146], "creat": [2, 7, 8, 13, 15, 21, 26, 27, 29, 37, 56, 65, 69, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "an": [2, 4, 7, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 26, 27, 28, 30, 45, 51, 53, 56, 59, 60, 61, 79, 126, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146], "batch": [2, 3, 4, 7, 15, 23, 26, 28, 30, 43, 47, 51, 53, 65, 79, 86, 87, 94, 97, 98, 99, 101, 102, 103, 105, 106, 123, 133, 138, 139, 140, 141, 142, 144, 145, 146], "For": [2, 7, 8, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 29, 51, 60, 78, 91, 92, 93, 94, 102, 103, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "default": [2, 4, 7, 8, 12, 26, 27, 28, 35, 38, 39, 43, 47, 49, 51, 56, 60, 61, 62, 71, 74, 75, 76, 78, 79, 94, 101, 116, 122, 123, 126, 127, 133, 134, 136, 138, 139, 141, 142, 146], "squar": [2, 7, 12, 51], "root": [2, 7, 22, 26, 28, 61, 119, 126, 141, 142, 144, 146], "old": 2, "new": [2, 17, 23, 25, 26, 30, 42, 49, 74, 99, 133, 137], "ratio": [2, 4, 7, 52, 71, 74], "class_incremental_sampl": 2, "classincrementalsampl": 2, "otxdataset": [2, 69], "class_incr_sampl": 2, "batch_siz": [2, 23, 28, 65, 126, 138, 139, 140, 141, 142, 144, 145, 146], "32": [2, 9, 10, 19, 22, 23, 27, 125, 126], "old_class": 2, "car": [2, 15, 21, 22, 84], "truck": 2, "new_class": 2, "bu": 2, "train_subset": [2, 23, 28, 65, 126, 134, 138, 139, 140, 141, 142, 144, 145, 146], "class_path": [2, 28, 61, 64, 65, 120, 134], "init_arg": [2, 28, 61, 64, 65, 120, 134], "It": [2, 4, 7, 8, 12, 15, 16, 21, 22, 26, 27, 28, 29, 30, 40, 43, 48, 51, 54, 56, 60, 65, 69, 74, 78, 82, 83, 85, 86, 87, 88, 89, 94, 95, 100, 120, 126, 127, 131, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "ensur": [2, 4, 7, 19, 26, 27, 140], "sampl": [2, 4, 9, 12, 13, 15, 23, 26, 35, 38, 43, 49, 94, 120, 138, 139], "distribut": [2, 12, 15, 30, 50, 133], "supervis": [2, 9, 12, 15, 16, 17, 19, 21, 22, 30, 133, 145], "balanced_sampl": 2, "balancedsampl": 2, "sever": [3, 7, 10, 12, 23, 26, 27], "wai": [3, 8, 10, 26, 28, 134], "boost": 3, "one": [3, 4, 7, 12, 13, 15, 16, 21, 23, 25, 26, 28, 30, 51, 56, 79, 99, 100, 123, 140, 141, 146], "which": [3, 4, 8, 9, 10, 12, 13, 15, 16, 19, 22, 28, 30, 38, 51, 65, 71, 78, 79, 85, 86, 87, 91, 92, 93, 94, 99, 126, 127, 131, 136, 137, 138, 139, 141, 142, 144, 145, 146], "decod": [3, 23, 28, 48, 51, 54, 146], "imag": [3, 5, 8, 12, 13, 15, 16, 17, 19, 21, 22, 23, 25, 27, 28, 29, 30, 35, 37, 43, 47, 49, 51, 52, 53, 54, 65, 71, 74, 79, 94, 97, 98, 101, 102, 105, 109, 123, 133, 136, 137, 140, 141, 142, 144, 145, 146], "main": [3, 8, 16, 23, 25, 27, 28, 30, 55, 56, 131, 138, 139, 141, 142, 144, 145, 146], "size": [3, 4, 8, 9, 10, 12, 15, 19, 21, 22, 23, 25, 28, 30, 35, 37, 43, 51, 52, 54, 65, 71, 74, 94, 99, 121, 123, 126, 133, 138, 139, 140, 141, 142, 144, 145, 146], "contain": [3, 12, 28, 38, 40, 51, 56, 59, 61, 74, 79, 84, 97, 98, 99, 100, 101, 102, 105, 109, 116, 120, 126, 136, 137, 138, 140, 141, 142, 144, 146, 147], "resolut": [3, 7, 15, 16, 21, 22, 28, 47, 54, 136], "account": [3, 28, 30, 79], "non": [3, 13, 28, 38, 49, 59, 79, 84, 123], "neglig": [3, 28], "overhead": [3, 28], "pre": [3, 10, 12, 23, 25, 28, 29, 35, 51, 79], "One": 3, "maxim": [3, 4, 28, 79], "those": [3, 28], "case": [3, 4, 10, 15, 19, 21, 22, 27, 28, 48, 51, 60, 74, 79, 100, 137, 141, 142, 144, 146], "mem_cache_s": [3, 28, 65], "8gb": [3, 28], "hpo": [4, 26, 27, 30, 126], "even": [4, 19, 30, 51, 79, 99], "state": [4, 8, 35, 36, 37, 40, 45, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100], "art": 4, "shelf": [4, 30], "librari": [4, 12, 23, 25, 60, 65, 74, 114], "make": [4, 8, 12, 21, 26, 28, 30, 45, 74, 78, 99, 127, 133, 139, 141], "easier": 4, "easi": [4, 27, 51, 65, 139, 141], "interfac": [4, 7, 84, 133], "With": [4, 26, 28], "simpli": 4, "ad": [4, 12, 17, 19, 49, 59, 61], "constraint": [4, 133], "auto": [4, 5, 15, 26, 28, 30, 40, 65, 126, 133, 134, 138, 139, 140, 141, 142, 144, 145, 146], "intern": [4, 8, 16, 22, 25, 28, 35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95], "guarante": 4, "within": [4, 7, 12, 19, 21, 28, 62], "both": [4, 7, 12, 21, 23, 26, 27, 28, 35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 140, 146], "sequenti": 4, "parallel": [4, 127], "scalabl": 4, "differ": [4, 8, 12, 13, 15, 16, 17, 21, 22, 27, 40, 49, 54, 65, 78, 79, 100, 116, 134, 142, 144, 146], "multipl": [4, 7, 12, 26, 27, 30, 38, 53, 61, 78, 94, 99, 100, 133], "all": [4, 7, 12, 16, 17, 22, 26, 27, 28, 29, 30, 55, 61, 67, 78, 79, 85, 99, 109, 136, 138, 139, 140, 141, 142, 144, 145, 146], "kei": [4, 26, 52, 56, 59, 61, 120, 121], "includ": [4, 7, 9, 12, 16, 26, 29, 30, 43, 49, 59, 94, 128, 138, 139, 140, 141, 144, 145, 146], "usabl": 4, "By": [4, 7, 12, 26, 28, 29], "offer": [4, 12, 21, 23, 25, 26, 27, 30], "straightforward": 4, "intuit": [4, 26, 144, 145], "user": [4, 7, 8, 12, 19, 26, 28, 30, 126], "take": [4, 7, 8, 19, 65, 138, 140, 141, 142, 144, 145, 146], "advantag": [4, 26], "just": [4, 12, 22, 27, 28, 51, 133, 136, 141, 142, 146], "argument": [4, 27, 28, 38, 49, 56, 59, 60, 61, 117, 120, 126, 133], "below": [4, 7, 8, 9, 10, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 29, 127, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "run_hpo": [4, 27, 126], "abund": [4, 12], "asha": [4, 127], "choic": [4, 15, 21, 22, 30], "asynchron": [4, 84, 127], "success": 4, "halv": 4, "sha": [4, 127], "design": [4, 6, 8, 21], "comput": [4, 7, 8, 10, 12, 15, 17, 19, 21, 22, 23, 25, 30, 35, 43, 51, 78, 79, 84, 124, 140], "machin": [4, 8, 26, 28, 34], "involv": [4, 7, 8, 12, 17, 21], "trial": [4, 28, 127], "them": [4, 13, 16, 19, 26, 29, 47, 56, 99, 100], "metric": [4, 16, 19, 21, 22, 27, 56, 97, 98, 100, 101, 102, 103, 104, 105, 106, 126, 133, 138, 139, 140, 141, 142, 144, 145, 146], "mani": [4, 127], "short": [4, 61], "perform": [4, 6, 7, 9, 12, 13, 15, 19, 23, 28, 35, 84, 85, 94, 97, 98, 101, 102, 103, 105, 106, 126, 133, 138, 140, 141, 142, 144, 145, 146], "advanc": [4, 21, 26, 30], "next": [4, 59, 127], "round": 4, "subsequ": [4, 12, 21], "spent": [4, 26], "repeat": 4, "until": 4, "remain": [4, 84, 126, 136, 141], "becaus": [4, 23, 60, 74, 126, 141, 142, 144, 146], "allow": [4, 7, 8, 21, 26, 28, 30, 51, 56, 61, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "independ": [4, 26, 51], "thei": [4, 19, 22, 26, 49, 79], "wait": [4, 29], "complet": [4, 28, 126], "befor": [4, 19, 26, 29, 38, 40, 45, 51, 74, 84, 106, 117, 123, 126], "techniqu": [4, 9, 12, 15, 19, 22, 23, 27], "call": [4, 19, 25, 26, 29, 35, 99, 100, 131, 134, 140, 144, 145], "hyperband": [4, 127], "much": [4, 26, 28, 30, 79, 140, 144, 145], "alloc": 4, "hpo_config": [4, 126], "hpoconfig": [4, 68, 126], "dataclass": [4, 26, 65], "inlcud": 4, "expect": [4, 7, 19, 29, 37, 138, 139, 141, 142, 144, 145, 146], "confgigur": 4, "parameters": 4, "here": [4, 7, 19, 26, 128, 134, 136, 138, 139, 140, 141, 142, 144, 145, 146], "search_spac": [4, 68, 126], "lr": [4, 19, 23, 27, 52, 134], "uniform": 4, "min": [4, 68], "0": [4, 7, 10, 12, 15, 19, 21, 23, 25, 26, 31, 35, 37, 38, 39, 40, 43, 45, 48, 49, 50, 51, 52, 54, 59, 60, 65, 68, 71, 74, 75, 76, 78, 79, 84, 85, 92, 93, 94, 95, 99, 101, 117, 121, 123, 125, 126, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "001": [4, 140], "max": [4, 27, 28, 68, 79, 94, 126, 133, 134], "1": [4, 7, 9, 12, 15, 16, 19, 22, 23, 26, 31, 35, 37, 38, 39, 43, 49, 51, 52, 54, 59, 60, 65, 66, 68, 71, 74, 75, 76, 78, 79, 84, 85, 92, 93, 95, 116, 117, 121, 124, 126, 127, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "expected_time_ratio": [4, 68, 126], "6": [4, 12, 19, 22, 23, 26, 29, 60, 121, 133, 136, 137, 138], "As": [4, 7, 12, 26, 137], "abov": [4, 12, 13, 16, 19, 21, 26, 29, 134, 138, 139, 140, 141, 142, 144, 145, 146], "ones": [4, 27, 61, 74, 84], "variou": [4, 8, 12, 25, 26, 28, 30, 126], "almost": [4, 43, 131], "except": [4, 19, 116, 131], "space": [4, 8], "But": [4, 100, 146], "dictionrai": 4, "so": [4, 8, 15, 19, 23, 25, 27, 29, 30, 40, 65, 69, 78, 79, 84, 126, 142, 146], "explan": [4, 8, 30, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "list": [4, 27, 28, 34, 38, 42, 43, 47, 48, 49, 51, 52, 56, 59, 60, 61, 64, 65, 68, 71, 74, 75, 76, 78, 79, 84, 86, 92, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 111, 118, 120, 121, 123, 124, 125, 126, 127, 133, 134, 137, 138, 139, 141, 142, 144, 145, 146], "dict": [4, 34, 35, 38, 40, 42, 43, 45, 47, 48, 51, 53, 56, 59, 60, 61, 65, 68, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100, 102, 103, 116, 117, 118, 120, 121, 123, 124, 125, 126, 127, 138, 139, 141, 142, 144, 145, 146], "str": [4, 28, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 51, 52, 54, 56, 57, 58, 59, 60, 61, 62, 64, 65, 68, 69, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100, 102, 103, 108, 109, 110, 111, 112, 113, 114, 116, 117, 119, 120, 122, 124, 125, 126, 127], "ani": [4, 15, 16, 19, 21, 25, 26, 34, 35, 40, 45, 49, 51, 56, 59, 61, 64, 65, 68, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 95, 99, 100, 102, 103, 104, 117, 118, 124, 125, 126, 127, 133], "dictionari": [4, 26, 38, 40, 43, 47, 51, 56, 59, 61, 65, 79, 84, 99, 100, 116, 118, 120, 121, 124, 126], "ha": [4, 12, 15, 23, 26, 28, 43, 51, 54, 60, 69, 138, 139, 140, 141, 142, 144, 145, 146], "param_typ": 4, "rang": [4, 19, 51, 78], "must": [4, 26, 49, 51], "float": [4, 7, 35, 38, 39, 43, 45, 47, 49, 51, 52, 65, 68, 71, 74, 75, 76, 78, 79, 91, 92, 94, 95, 123, 125, 126, 127, 138, 141, 142, 146], "uniformli": 4, "upper": 4, "bound": [4, 7, 12, 19, 21, 23, 25, 30, 79, 104, 140], "quniform": 4, "quantiz": [4, 23, 25, 84, 95, 126, 140], "loguniform": 4, "scale": [4, 12, 16, 19, 23, 34, 38, 43, 64, 65, 74, 127, 134], "logarithm": 4, "qloguniform": 4, "categor": 4, "int": [4, 28, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 51, 52, 53, 54, 57, 59, 60, 64, 65, 66, 68, 71, 74, 75, 76, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 118, 121, 123, 124, 125, 126, 127, 131], "step": [4, 7, 9, 12, 19, 25, 29, 45, 59, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 126, 136, 137, 138, 139, 141, 142, 144, 145, 146], "unit": [4, 29], "log_bas": 4, "10": [4, 7, 9, 12, 23, 27, 28, 29, 60, 61, 126, 133, 134, 138, 140, 142, 144, 145, 146], "union": [4, 51, 79], "tupl": [4, 35, 37, 38, 43, 51, 52, 53, 54, 56, 60, 61, 64, 65, 71, 74, 75, 76, 78, 79, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 105, 118, 123, 125], "vaul": 4, "candid": [4, 25], "save_path": [4, 68, 126], "none": [4, 12, 16, 28, 34, 35, 36, 37, 38, 39, 40, 42, 43, 45, 47, 48, 49, 50, 51, 52, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 68, 69, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 116, 117, 120, 123, 124, 125, 126, 127, 131], "path": [4, 6, 8, 12, 22, 25, 26, 51, 56, 58, 61, 62, 71, 74, 75, 76, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 99, 100, 119, 120, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "result": [4, 7, 8, 12, 15, 16, 21, 25, 26, 28, 29, 38, 51, 71, 78, 79, 84, 126, 127, 137, 138, 139, 140, 141, 142, 144, 145, 146], "whether": [4, 12, 16, 26, 29, 38, 40, 47, 51, 53, 56, 60, 61, 62, 64, 71, 74, 75, 76, 78, 79, 94, 126, 127], "minim": [4, 21, 26, 29, 137], "respect": 4, "num_work": [4, 65, 68, 124, 126, 133, 146], "4": [4, 10, 12, 15, 19, 21, 22, 26, 27, 28, 31, 43, 52, 68, 116, 126, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "maximum_resourc": [4, 68, 126], "reach": 4, "minimum_resourc": [4, 68, 126, 127], "minimum": [4, 79, 127, 137], "least": [4, 140], "improv": [4, 5, 12, 19, 21, 22, 23, 30, 133], "prior_hyper_paramet": [4, 68, 126], "try": [4, 23, 25, 26, 29], "acceptable_additional_time_ratio": [4, 68, 126], "addit": [4, 7, 12, 15, 19, 21, 22, 23, 26, 27, 28, 29, 30, 49, 56, 59, 74, 79, 120, 126, 136, 138, 139, 140, 141, 144, 145, 146], "accept": [4, 38, 51, 65, 117], "reduction_factor": [4, 68, 126, 127], "3": [4, 7, 9, 12, 13, 19, 22, 26, 31, 47, 51, 52, 53, 60, 61, 68, 71, 74, 95, 121, 126, 127, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "promot": [4, 127], "rung": [4, 127], "top": [4, 9, 15, 51, 71, 74, 76, 127], "asynchronous_bracket": [4, 68, 126, 127], "bool": [4, 34, 35, 36, 38, 40, 42, 43, 47, 48, 50, 51, 52, 53, 56, 57, 60, 61, 62, 64, 65, 67, 68, 71, 74, 75, 76, 78, 79, 82, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 100, 101, 102, 103, 104, 105, 106, 117, 124, 125, 126, 127], "oper": [4, 7, 13, 35, 49, 55, 84, 121, 126, 127, 133], "asynchronous_sha": [4, 68, 126, 127], "bracket": [4, 127], "parallelli": [4, 127], "want": [4, 6, 26, 27, 28, 29, 49, 61, 126, 134, 138, 139, 141, 142, 144, 145, 146], "know": [4, 6, 28, 137], "pleas": [4, 6, 7, 10, 13, 15, 16, 19, 21, 22, 26, 28, 29, 82, 83, 85, 86, 89, 91, 92, 93, 94, 127, 137, 138, 140, 141, 142, 144, 145, 146], "refer": [4, 6, 7, 8, 9, 10, 13, 15, 16, 19, 21, 22, 25, 26, 27, 28, 29, 30, 43, 51, 53, 54, 95, 106, 127, 137, 138, 139, 140, 141, 142, 144, 145, 146], "hyperparamet": [5, 15, 19, 21, 22, 30, 69, 127, 133], "configur": [5, 6, 12, 26, 28, 30, 35, 38, 47, 51, 53, 56, 61, 65, 66, 67, 68, 74, 82, 83, 85, 86, 89, 91, 92, 93, 94, 99, 100, 101, 102, 103, 105, 106, 120, 126, 127, 133, 135, 138, 139, 140, 141, 142, 144, 145, 146], "adapt": [5, 7, 12, 15, 16, 19, 21, 22, 23, 25, 133], "explain": [5, 27, 28, 84, 85, 86, 87, 126, 133, 136, 137, 141, 142, 147], "ai": [5, 26, 28, 85, 86, 87, 100, 136], "xai": [5, 28, 85, 86, 87, 126, 133, 141, 142, 147], "tile": [5, 27, 30, 84, 86, 87, 123, 133], "class": [5, 8, 13, 14, 16, 17, 19, 21, 22, 26, 30, 34, 35, 36, 37, 38, 39, 40, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 56, 59, 61, 62, 65, 66, 67, 68, 69, 71, 74, 75, 76, 78, 79, 80, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 108, 109, 110, 111, 112, 113, 114, 116, 117, 118, 120, 123, 124, 125, 126, 127, 133, 136, 141, 145], "increment": [5, 15, 17, 30, 48, 49, 133], "sampler": [5, 15, 65, 120], "balanc": [5, 7, 15, 21, 22, 39, 51, 79], "algorithm": [6, 7, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 28, 30, 33, 127, 133, 136, 138], "ptq": [6, 23, 25, 27, 28, 82, 84, 126, 133, 138, 140, 141, 142, 144, 145, 146], "appli": [6, 7, 12, 23, 28, 29, 45, 54, 61, 78, 79, 126, 136, 137, 138, 140, 141, 142, 144, 145, 146], "retrain": [6, 17], "fine": [6, 12, 17, 24, 25, 26], "tune": [6, 7, 12, 17, 24, 25, 26, 127, 138, 139, 140, 141, 142, 144, 145, 146], "detail": [6, 7, 21, 26, 28, 47, 53, 59, 60, 127, 139, 140, 141, 142, 144, 145, 146], "about": [6, 8, 16, 19, 21, 26, 28, 30, 59, 100, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "how": [6, 8, 9, 13, 15, 16, 19, 21, 22, 26, 27, 28, 30, 126, 127, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147], "work": [6, 7, 8, 15, 16, 19, 21, 28, 51, 56, 61, 62, 84, 126, 137, 140, 141], "familiar": 6, "document": [6, 12, 28, 29, 133, 134, 140], "convert": [6, 9, 16, 26, 51, 56, 64, 71, 74, 104, 118, 121, 136], "intermedi": [6, 8, 28, 71, 74, 75, 76, 84, 126, 138, 140, 141, 142, 144, 145, 146], "represent": [6, 8, 12, 16, 28, 47, 64, 71, 74, 75, 76, 84, 126, 138, 140, 141, 142, 144, 145, 146], "ir": [6, 7, 27, 28, 71, 74, 76, 82, 84, 85, 86, 87, 88, 89, 95, 126, 133, 136, 138, 140, 141, 142, 144, 145, 146], "accur": [6, 22, 23, 30], "defaultquant": 6, "further": [6, 16, 54, 138, 141, 142, 144, 145, 146], "inform": [6, 9, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 30, 38, 40, 43, 51, 56, 59, 74, 78, 79, 84, 85, 94, 95, 99, 100, 101, 102, 103, 116, 123, 137, 138, 139, 140, 141, 142, 144, 145, 146], "dedic": [6, 13, 15, 16, 19, 21, 22, 28], "tutori": [6, 8, 9, 13, 15, 16, 19, 21, 22, 27, 28, 30, 139, 142, 144, 145, 146], "your": [6, 12, 22, 28, 29, 30, 100, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "checkpoint": [6, 7, 8, 25, 27, 28, 47, 51, 56, 84, 99, 100, 102, 103, 124, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "introduc": [7, 26, 133], "concept": 7, "enhanc": [7, 26, 133], "particularli": [7, 17, 21], "dens": [7, 51, 54], "pack": 7, "divid": 7, "origin": [7, 9, 12, 51, 123, 136, 141], "patch": [7, 12, 34, 35, 52, 60, 61, 74, 91, 92, 93, 94], "divis": [7, 51], "appear": [7, 136], "relat": [7, 13, 15, 19, 21, 22, 26, 29, 34, 55, 60, 61, 69, 110, 116, 141, 142], "challeng": [7, 145], "becom": [7, 17, 49], "nearli": 7, "invis": 7, "deeper": [7, 139, 141, 144, 146], "layer": [7, 12, 35, 38, 40, 47, 52, 84, 91, 92, 93, 94, 116], "map": [7, 8, 10, 12, 16, 19, 21, 28, 38, 52, 84, 109, 126, 133, 136, 139, 142, 144, 146], "due": [7, 8, 19, 21, 22, 29, 51, 142, 146], "downsampl": 7, "prove": [7, 19], "especi": [7, 25, 138, 140, 141, 142, 144, 145, 146], "benefici": 7, "where": [7, 8, 9, 13, 16, 17, 19, 21, 22, 26, 27, 28, 29, 54, 56, 61, 71, 75, 76, 79, 124, 136, 137, 140], "20": [7, 12, 15, 19, 22, 23, 29, 138, 139, 140, 141, 142, 144, 145], "pixel": [7, 12, 22, 47, 51, 54, 145], "4k": 7, "consid": [7, 26, 28, 29, 38, 78], "associ": [7, 17, 27, 126], "test": [7, 12, 15, 19, 25, 27, 28, 43, 69, 74, 82, 85, 86, 87, 88, 89, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 126, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146], "impact": [7, 19], "strike": [7, 21], "incorpor": [7, 21, 26], "These": [7, 8, 12, 15, 25, 26, 28, 51], "proper": [7, 29, 30, 65], "compromis": [7, 21], "leverag": [7, 21], "empow": [7, 26], "local": [7, 10, 12, 19, 29, 79, 84, 136, 140], "crowd": 7, "ultim": 7, "lead": 7, "dota": 7, "crop": [7, 9, 10, 19, 22, 71, 74, 75, 76], "9": [7, 10, 12, 19, 21, 22, 134, 141], "annot": [7, 9, 13, 16, 19, 27, 28, 38, 49, 133, 138, 139, 141, 142, 144, 145, 146], "box": [7, 8, 12, 19, 21, 23, 25, 26, 30, 43, 51, 53, 54, 79, 104, 140], "mask": [7, 8, 12, 21, 22, 23, 25, 38, 43, 49, 51, 53, 54, 104, 121, 123, 133, 140, 144], "level": [7, 12, 13, 21, 22, 28, 43, 57, 59, 61, 84, 85, 140], "predict": [7, 8, 12, 13, 15, 16, 21, 22, 25, 28, 38, 49, 51, 53, 54, 78, 79, 84, 86, 87, 95, 99, 100, 103, 104, 106, 109, 123, 126, 133, 136, 137], "separ": [7, 13, 16, 21, 26, 61, 133], "stitch": 7, "back": 7, "togeth": [7, 19, 133, 136, 137], "form": [7, 26, 27, 54, 61, 65, 94, 138], "merg": [7, 86, 87, 123, 133], "through": [7, 8, 19, 26, 27, 28, 29, 30, 49, 133, 136], "imagetilingdataset": 7, "ot": 7, "context": [7, 45, 74], "650": 7, "17": 7, "2": [7, 9, 19, 22, 23, 25, 26, 31, 43, 51, 59, 60, 65, 101, 121, 126, 127, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "elaps": [7, 138, 140, 141, 142, 144, 145, 146], "38": [7, 22, 23, 25], "eta": 7, "7": [7, 10, 19, 22, 26, 51, 60], "326097726821899": 7, "sec": 7, "tile_config": [7, 65], "enable_til": [7, 65, 125], "tileconfig": [7, 65], "averag": [7, 8, 15, 16, 21, 35, 43, 49, 78], "100x100": 7, "around": [7, 12, 19, 26], "577x577": 7, "desir": [7, 22], "enough": [7, 28, 79, 133], "tiling_paramet": 7, "object_tile_ratio": [7, 65], "5": [7, 12, 15, 19, 22, 26, 27, 31, 35, 38, 51, 60, 65, 78, 79, 134, 136, 137, 141, 142, 144, 145, 146], "enable_adaptive_til": [7, 65], "05": [7, 22, 39, 146], "largest": [7, 19], "calcul": [7, 8, 12, 19, 38, 51, 78, 79], "border": 7, "split": [7, 15, 19, 30, 138, 146], "cover": 7, "adjac": 7, "tile_overlap": 7, "section": [7, 12, 17, 23, 25, 28, 30, 59, 136, 138, 139, 140, 141, 142, 144, 145, 146], "randomli": [7, 9, 12], "percentag": 7, "note": [7, 12, 30, 47, 91, 92, 93, 94, 104, 138, 140, 141, 142, 144, 145, 146], "sampling_ratio": [7, 65], "disabl": [7, 27, 133, 144, 145], "fals": [7, 12, 22, 28, 35, 37, 38, 40, 43, 47, 48, 51, 52, 57, 60, 61, 65, 67, 71, 74, 75, 76, 79, 82, 85, 91, 92, 93, 94, 95, 117, 124, 125, 126, 127, 136, 141, 142, 144, 145, 146], "tile_s": [7, 65, 125], "512": 7, "512x512": [7, 22], "enable_adaptive_param": 7, "edg": [7, 26], "length": [7, 51], "integ": [7, 64, 138, 141, 142, 146], "100": [7, 12, 19, 22, 117, 138, 139, 140, 141, 142, 144, 145, 146], "4096": 7, "command": [7, 8, 9, 10, 13, 15, 16, 19, 21, 28, 29, 30, 57, 59, 122, 126, 133, 134, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "torch": [7, 27, 28, 29, 35, 38, 39, 40, 43, 45, 47, 49, 52, 53, 54, 60, 64, 65, 71, 74, 75, 76, 84, 94, 97, 98, 100, 101, 102, 103, 104, 105, 106, 121, 133, 134], "longer": [7, 21, 61], "encount": 7, "error": [7, 12, 60, 69, 146], "mitig": 7, "issu": [7, 12, 26, 29, 137], "line": [7, 8, 28, 29, 59, 122, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "field": [8, 26, 30], "research": 8, "transpar": 8, "interpret": 8, "human": [8, 28], "goal": [8, 12, 13, 16], "understand": 8, "why": [8, 60, 69, 99], "decis": [8, 28], "insight": [8, 26], "inner": 8, "u": [8, 26, 29, 137], "analyz": [8, 30], "mistak": 8, "irrelev": 8, "build": [8, 19, 21, 22, 29, 30, 35, 40, 60, 74, 100, 126, 128, 133], "trust": 8, "sure": 8, "its": [8, 12, 13, 19, 21, 22, 26, 47, 49, 60, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "adopt": [8, 21], "domain": [8, 23, 25, 26], "salienc": [8, 28, 109, 126, 133, 136], "visual": [8, 12, 17, 28, 30, 51, 52, 53, 54, 65, 76, 95, 106, 133, 136, 137, 138, 139, 141, 142, 143, 144, 145], "suitabl": [8, 21, 30], "comprehens": [8, 26], "highlight": [8, 26], "part": [8, 78], "point": [8, 19, 23, 25, 26, 27, 51, 53, 54, 55, 126, 138, 141, 142, 146], "view": 8, "look": [8, 26, 27, 137, 140, 142, 146], "like": [8, 22, 23, 25, 26, 27, 28, 29, 49, 126, 134, 137, 140, 141, 142, 146], "heatmap": [8, 12, 28, 136], "warm": [8, 138, 139, 141, 142, 144, 145, 146], "color": [8, 19, 22, 26, 28, 136], "area": [8, 28, 136], "repres": [8, 26, 51, 62, 64, 78, 84, 85, 120], "focu": [8, 28, 136], "taken": 8, "d": [8, 12, 61, 100, 137], "rise": 8, "paper": [8, 10, 12, 16, 127], "certain": [8, 19], "wa": [8, 23, 28, 29, 45], "network": [8, 12, 19, 21, 23, 51], "activ": [8, 29, 38, 42, 52, 53, 54, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "naiv": 8, "approach": [8, 12, 17, 19, 26, 30, 127], "output": [8, 9, 12, 19, 22, 25, 26, 27, 28, 35, 51, 52, 59, 71, 74, 75, 76, 84, 99, 100, 133, 136, 137, 138, 139, 141, 142, 144, 145, 146], "extractor": [8, 15, 19, 22], "backbon": [8, 10, 12, 15, 19, 21, 22, 23, 28, 35, 38, 39, 51, 54, 85, 133], "channel": [8, 12, 35, 38, 47, 48, 52, 53, 54, 71, 74], "dimens": [8, 26, 35, 51, 52, 53, 54, 95, 116], "highli": [8, 19, 138, 139, 141, 142, 144, 145, 146], "reli": [8, 19, 138, 139, 141, 142, 144, 145, 146], "ignor": [8, 43, 48, 49, 64, 133], "neck": [8, 19, 35, 85], "head": [8, 10, 13, 15, 19, 22, 35, 52, 78, 85], "rel": [8, 52, 142, 146], "recipro": [8, 136], "cam": [8, 136], "weigh": 8, "per": [8, 16, 40, 51, 74, 79, 109, 133], "gradient": [8, 22, 49], "free": [8, 12], "reciproc": 8, "spatial": [8, 10, 35, 37, 54, 133], "extract": [8, 10, 12, 21, 25, 38, 139], "exploit": 8, "correl": 8, "target": [8, 19, 21, 22, 25, 39, 43, 49, 51, 78, 79, 84, 95, 97, 98, 99, 100, 101, 102, 105, 109, 136, 138, 139, 141, 142, 144, 145, 146], "option": [8, 19, 21, 28, 29, 38, 43, 45, 49, 51, 56, 57, 59, 60, 61, 62, 71, 74, 75, 76, 94, 123, 126, 127, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146], "cnn": [8, 12, 21, 133, 136], "vit": [8, 52, 136], "modif": [8, 19, 138, 139, 140, 141, 144, 145, 146], "transform": [8, 12, 21, 26, 28, 51, 52, 53, 54, 64, 65, 69, 82, 84, 114, 134, 136, 138, 141, 142, 144, 145, 146], "same": [8, 9, 12, 13, 16, 19, 21, 22, 23, 25, 28, 43, 51, 60, 78, 79, 94, 131, 134, 136, 140, 141, 144, 146], "vision": [8, 17, 19, 21, 22, 23, 25, 26, 30, 52], "show": [8, 12, 19, 23, 27, 28, 126, 138, 139, 140, 141, 142, 144, 146], "comparison": [8, 139, 141, 142, 144, 145, 146], "describ": [8, 30, 59], "access": [8, 29, 133], "necess": 8, "modifi": [8, 19, 28, 40, 48, 61, 84, 116, 120], "dump": [8, 27, 28, 126, 133, 136], "ye": 8, "shot": [8, 17, 24, 30, 51, 95, 106], "No": 8, "re": [8, 15, 27, 29, 133, 137], "h": [8, 28, 43, 51, 52, 54, 59, 78, 85, 101, 121], "w": [8, 40, 43, 51, 52, 54, 121, 133], "hxw": 8, "last": [8, 10, 13, 28, 38, 47, 131, 138], "encod": [8, 51, 53, 121, 146], "block": [8, 12, 35, 52, 74], "medium": [8, 19, 142], "stage": [8, 13, 21, 25, 38, 47, 69, 99, 100, 136, 137], "detector": [8, 10, 43, 133, 136], "detclassprobabilitymap": [8, 136], "raw": [8, 12, 138], "probabl": [8, 15, 19, 35, 39], "region": [8, 10, 12, 21, 47, 51], "interest": [8, 10, 21], "limit": [8, 22, 65], "loss": [8, 9, 10, 12, 15, 16, 19, 21, 22, 23, 33, 35, 38, 40, 43, 51, 133], "drift": 8, "toward": 8, "center": [8, 12, 43], "propag": 8, "clear": [8, 99], "input": [8, 9, 12, 16, 19, 26, 27, 28, 35, 37, 38, 40, 47, 48, 49, 51, 52, 53, 54, 71, 74, 76, 84, 85, 86, 87, 94, 95, 97, 98, 99, 100, 101, 102, 103, 105, 106, 109, 126, 133, 136, 137, 145], "standalon": [8, 25], "maskrcnnexplainalgo": [8, 136], "combin": [8, 10, 12, 23, 25, 30, 49, 78, 136], "aggreg": [8, 19, 106], "pth": [8, 136, 138, 139, 140, 141, 142, 144, 145, 146], "xml": [8, 27, 28, 136, 137, 138, 140, 141, 142, 144, 145, 146], "weight": [8, 9, 10, 12, 15, 16, 19, 21, 22, 28, 29, 37, 38, 39, 40, 42, 43, 47, 49, 51, 52, 71, 74, 76, 84, 91, 92, 93, 94, 100, 138, 140, 141, 142, 144, 145, 146], "whereth": [8, 136], "dataset_path": [8, 28, 126], "folder": [8, 15, 22, 27, 28, 29, 71, 133, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "problem": [9, 10, 13, 15, 16, 17, 23, 25, 26, 29, 74, 99], "identifi": [9, 12, 21, 22, 30, 141], "being": [9, 12, 91, 92, 93, 94], "video": [9, 133, 137, 138], "sequenc": [9, 64, 91, 92, 93, 94], "frame": [9, 139], "indic": [9, 12, 21, 51, 54, 111, 136], "compon": [9, 10, 15, 16, 19, 21, 22, 23, 25, 28, 38, 43, 59, 61, 120, 133], "augment": [9, 10, 12, 19, 21, 22, 26, 38, 94], "standard": [9, 15, 19, 22, 23, 28, 35, 71, 74, 75, 76], "random": [9, 10, 12, 19, 21, 22, 30, 56, 126], "resiz": [9, 23, 25, 71, 74, 133, 136], "horizont": [9, 134], "flip": [9, 10, 21, 22], "adam": [9, 12, 22, 23], "decai": [9, 10, 12, 19, 21, 22, 52], "adamw": 9, "schedul": [9, 15, 16, 19, 21, 22, 27, 28, 30, 56, 97, 98, 100, 101, 102, 103, 104, 105, 106, 126, 127, 133, 134], "factor": [9, 43, 49, 51, 74, 134], "linear": [9, 21, 22, 38], "warmup": [9, 21, 22], "gradual": 9, "begin": [9, 100, 139, 142, 146], "cross": [9, 10, 15, 21, 22, 40, 79], "entropi": [9, 10, 15, 21, 22, 40], "popular": [9, 10, 12, 22, 26], "kinet": [9, 10, 138], "file": [9, 16, 22, 27, 28, 29, 56, 61, 64, 71, 84, 90, 91, 92, 93, 94, 99, 100, 118, 124, 126, 128, 130, 131, 133, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "structur": [9, 12, 13, 15, 16, 26, 133, 137, 138, 139, 141, 142, 144, 146], "x3d": [9, 10, 138, 139], "movinet": [9, 35, 133, 138], "id": [9, 10, 15, 19, 22, 23, 25, 127, 137], "complex": [9, 10, 12, 15, 19, 21, 22, 23, 25, 78], "gflop": [9, 10, 12, 15, 19, 21, 22, 23, 25], "mb": [9, 10, 12, 15, 19, 21, 22, 23, 25], "custom_action_classification_x3d": 9, "49": [9, 19, 22], "79": [9, 22, 23], "custom_action_classificaiton_movinet": 9, "71": [9, 16], "see": [9, 10, 13, 15, 16, 26, 28, 29, 51, 53, 82, 83, 85, 86, 89, 91, 92, 93, 94, 134, 137, 138, 139, 140], "tabl": [9, 10, 15, 16, 19, 21, 22, 23], "some": [9, 10, 15, 16, 19, 21, 22, 28, 29, 47, 69, 84, 99, 126, 138, 140, 141, 142, 144, 145, 146], "academ": [9, 10, 15, 16, 19, 21, 22, 30], "present": [9, 10, 15, 16, 19, 21, 22, 28, 51, 140], "nvidia": [9, 10, 15, 16, 19, 21, 22, 138, 139, 140, 141, 142, 144, 145, 146], "geforc": [9, 10, 15, 16, 19, 21, 22, 138, 139, 140, 141, 142, 144, 145, 146], "rtx": [9, 138, 139, 140, 141, 142, 144, 145, 146], "3090": [9, 138, 139, 140, 141, 142, 144, 145, 146], "hmdb51": [9, 138], "ucf101": [9, 10], "67": [9, 16, 19, 22], "19": 9, "87": [9, 16, 22], "89": 9, "62": [9, 22], "74": [9, 15, 16], "81": [9, 15, 22], "sptio": 10, "tempor": [10, 139], "actor": 10, "solv": [10, 13, 15, 16, 17, 22, 26], "3d": [10, 35, 94], "2d": 10, "simplest": 10, "futur": [10, 12, 30, 138], "rcnn": [10, 133, 144], "architectur": [10, 12, 19, 21, 22, 26, 30, 53, 78, 99, 138, 140, 141, 142, 144, 145, 146], "come": [10, 21, 25, 30, 54, 84, 124, 126], "propos": [10, 21], "e": [10, 29, 33, 43, 65, 137], "g": [10, 33, 43, 65], "atss": [10, 19, 27, 28, 133, 136, 142], "finetun": [10, 100, 124], "roi": 10, "extend": [10, 21, 30, 51, 59, 133, 138, 139, 140, 141, 142, 144, 145, 146], "keyfram": 10, "replic": 10, "along": [10, 28], "axi": [10, 23, 25], "fed": 10, "transfer": [10, 12, 19, 30, 67], "pipelin": [10, 15, 16, 19, 21, 22, 23, 26, 27, 30, 69, 74, 82, 83, 85, 86, 87, 88, 89, 95, 133], "sgd": [10, 12, 19, 21, 27, 134], "1e": [10, 19, 21, 27, 51], "momentum": [10, 12, 19, 21, 27, 134], "binari": [10, 13, 16, 51, 78, 121], "categori": [10, 12, 13, 15, 16, 21, 38, 133, 136, 140], "ava": [10, 139], "readi": [10, 15, 19, 21, 22, 27, 28, 29, 30, 126, 138, 141, 142, 144, 145, 146], "custom_action_detection_x3d_fast_rcnn": 10, "x3d_fast_rcnn": [10, 139], "13": [10, 15, 19, 21, 22, 60], "04": [10, 22, 29, 138, 139, 140, 141, 142, 144, 145, 146], "8": [10, 19, 21, 26, 39, 60, 84, 125, 126, 140, 141, 142, 144, 145, 146], "400": [10, 65, 125], "rtx3090": [10, 15, 16, 19, 21, 22], "jhmdb": [10, 139], "24": [10, 15, 16, 19, 59, 140, 142, 144, 145], "92": [10, 16, 19, 22, 23], "14": [10, 16, 22, 29, 60, 133, 140, 141, 142, 144, 145], "80": [10, 15, 16, 21, 22], "real": [12, 17, 21, 137], "world": [12, 26], "applic": [12, 21, 62, 137, 140], "industri": [12, 140], "medic": [12, 140], "secur": [12, 29], "extrem": 12, "unbalanc": 12, "normal": [12, 38, 40, 51, 52, 65, 74, 78, 94, 100, 116], "lack": 12, "abnorm": 12, "A": [12, 21, 26, 28, 29, 38, 40, 43, 51, 54, 56, 59, 61, 71, 74, 97, 98, 99, 100, 101, 102, 105, 116, 117, 120, 121, 122, 126, 127], "definit": [12, 26, 71, 74, 75, 76, 82, 83, 84, 85, 86, 87, 88, 89, 95, 97, 98, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113], "constantli": 12, "evolv": 12, "difficult": [12, 23], "onc": [12, 27, 29], "perman": 12, "altern": [12, 27], "phase": [12, 23, 25, 28, 126, 133], "deviat": [12, 35], "would": [12, 29, 71, 126], "known": [12, 21, 26, 79], "examin": [12, 23, 25], "solut": [12, 15, 17, 21, 23, 25, 99, 142, 144, 146], "post": [12, 23, 25, 35, 99, 123, 126, 137, 138, 141, 142, 146], "anomal": [12, 140], "v": [12, 28, 29, 51, 59, 138, 139, 140, 141, 142], "entir": [12, 17, 26, 28], "score": [12, 22, 23, 26, 35, 38, 43, 51, 78, 79, 104, 123, 127, 140, 146], "likelihood": 12, "threshold": [12, 38, 51, 78, 79, 95, 102, 103, 123, 133, 141, 142, 146], "either": [12, 23, 29, 100, 140], "backend": [12, 30, 74, 134], "classifi": [12, 13, 15, 35, 38, 78], "locat": [12, 19, 21, 28, 56, 138, 139, 140, 141, 142, 144, 145, 146], "b": [12, 22, 51, 52], "c": [12, 28, 51, 52, 127, 137], "moment": 12, "ground_truth": [12, 79, 140], "sub_category_1": 12, "000_mask": [12, 140], "png": [12, 15, 140], "sub_category_n": 12, "000": [12, 140], "contamin": [12, 140], "releas": [12, 29, 30, 146], "benchmark": [12, 22], "amazon": 12, "visa": 12, "meanwhil": [12, 15, 21], "own": [12, 19, 26, 30, 136, 137], "mention": [12, 140], "behaviour": 12, "168": 12, "21": [12, 60, 138], "initi": [12, 21, 35, 36, 37, 38, 40, 43, 47, 49, 51, 52, 53, 54, 56, 74, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 106, 120, 122, 126, 133], "distanc": 12, "mechan": [12, 21], "elimin": [12, 79], "redund": 12, "select": [12, 19, 30, 51, 126, 127, 133], "subset": [12, 28, 65, 126, 139], "dimension": 12, "variat": 12, "gaussian": 12, "fit": [12, 19, 65, 71, 74, 100], "embed": [12, 51, 52, 53, 54, 71, 133], "correspond": [12, 13, 17, 28, 49, 51, 60, 65, 79], "multivari": 12, "mahalanobi": 12, "posit": [12, 16, 25, 38, 39, 43, 51, 52, 53, 54, 59], "matric": 12, "constitut": 12, "higher": [12, 21], "neural": 12, "resnet18": 12, "wide": [12, 21], "resnet50": [12, 21], "layer1": 12, "layer2": 12, "layer3": 12, "n": [12, 15, 21, 43, 49, 51, 54], "retain": 12, "reduct": [12, 39, 49], "550": 12, "student": 12, "imit": 12, "behavior": [12, 126, 136], "teacher": [12, 133], "predic": 12, "notion": 12, "simpler": 12, "pyramid": [12, 19], "match": [12, 40, 79, 84], "unsupervis": 12, "compos": [12, 26, 65], "receiv": [12, 28, 138, 139, 141, 142, 144, 145, 146], "mixtur": 12, "therebi": 12, "sum": [12, 21, 43, 49], "l2": 12, "mse": 12, "cannot": 12, "0001": [12, 134], "adit": 12, "patienc": [12, 21, 22, 61, 134, 138, 139, 140, 141, 142, 144, 145, 146], "invit": 12, "read": [12, 69, 140], "anomalib": [12, 60, 99, 140], "discrimin": 12, "surfac": 12, "draem": 12, "consist": [12, 15, 22, 30, 43, 85, 137, 138, 139, 140, 141, 142, 144, 145, 146], "subnetwork": 12, "simul": 12, "produc": [12, 26, 65], "perlin": 12, "nois": 12, "unrel": [12, 144, 146], "sourc": [12, 25, 26, 29, 30, 34, 35, 36, 37, 38, 39, 40, 42, 43, 45, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 71, 74, 75, 76, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 108, 109, 110, 111, 112, 113, 114, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 131, 137], "autoencod": 12, "submodel": 12, "concaten": [12, 51, 133], "sspcab": 12, "lambda": [12, 97, 98, 100, 101, 102, 103, 104, 105, 106], "self": [12, 21, 40, 42, 61, 64, 99, 100, 116, 133, 137, 147], "beta": 12, "opac": 12, "ssim": 12, "focal": [12, 23, 51], "ground": [12, 21, 51, 79, 140], "truth": [12, 21, 51, 79, 140], "overfit": [12, 15, 16, 19, 21, 22, 23], "besid": [13, 22, 27, 43], "relationship": 13, "tree": [13, 22, 84], "assign": [13, 22, 133, 145], "group": [13, 78, 109], "exclus": 13, "construct": [13, 47, 79, 141], "individu": [13, 21], "fashion": [13, 15], "strategi": 13, "assum": [13, 60], "return": [13, 25, 34, 35, 38, 40, 43, 45, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 64, 71, 74, 75, 76, 79, 84, 85, 86, 87, 91, 92, 93, 94, 99, 100, 103, 104, 106, 116, 117, 118, 119, 120, 121, 122, 124, 126, 127, 136, 137], "branch": [13, 21, 61, 85, 86, 87], "persian": 13, "cat": 13, "pet": 13, "travers": 13, "leav": 13, "let": [13, 17, 26, 47, 140, 141, 142, 144, 145, 146], "sai": 13, "forward": [13, 26, 35, 36, 37, 38, 39, 42, 47, 49, 51, 52, 53, 54, 84, 85, 86, 87, 94, 95, 99, 100], "pictur": 13, "On": [13, 21, 26, 29, 30, 141, 142, 144, 145, 146], "argmax": 13, "Then": [13, 19, 28, 29, 141], "siams": 13, "sphynx": 13, "leaf": 13, "easili": [13, 26, 28, 30, 138, 139, 141], "reconstruct": 13, "final": [13, 38, 71, 76, 78, 134, 138, 140, 141, 142, 144, 145, 146], "datumaro": [13, 21, 22, 23, 25, 26, 27, 30, 65, 121, 133, 146], "found": [13, 19, 21, 28, 30, 56, 60, 119, 138, 139, 140, 141, 142, 144, 145, 146], "corpu": [15, 16], "reducelronplateau": [15, 16, 19, 21, 22], "tend": [15, 16], "well": [15, 16, 19, 26, 59, 84], "varieti": [15, 16, 17, 142, 144, 146], "scenario": [15, 22, 30, 137], "influenc": 15, "ib": 15, "imbal": 15, "avoid": [15, 22, 126, 146], "major": [15, 26], "influenti": 15, "over": [15, 17, 49, 51, 56, 79], "commonli": [15, 21], "val": [15, 19, 28, 65, 69, 134, 138, 139, 141, 142, 144, 145, 146], "custom_image_classification_mobilenet": 15, "v3": [15, 16], "1x": [15, 16, 54], "mobilenet": [15, 16], "44": [15, 19, 22], "29": 15, "custom_image_classification_efficinetnet": 15, "b0": [15, 16, 37], "efficientnet": [15, 16, 21, 37], "09": 15, "custom_image_classification_efficientnet": 15, "v2": [15, 16, 29, 31, 36, 47, 60, 64, 65], "76": [15, 22, 23, 25], "23": [15, 22], "flop": 15, "superior": [15, 21, 22], "cost": 15, "prioriti": [15, 23], "nevertheless": [15, 26], "stabl": [15, 29], "were": [15, 16, 19, 21, 25], "224x224": [15, 16], "cifar10": 15, "cifar100": 15, "flower": [15, 141], "93": [15, 19, 23], "36": [15, 22], "83": [15, 16], "01": [15, 22, 27, 138, 146], "96": [15, 19], "45": [15, 19, 22, 65, 123], "94": [15, 16, 19, 22], "86": [15, 16, 21, 23], "84": [15, 23], "73": [15, 16, 22], "85": [15, 22, 23], "70": [15, 22], "90": [15, 21, 23], "97": [15, 22, 23], "68": [15, 19, 21, 22], "multiclass": [16, 78], "belong": [16, 65], "sub": [16, 28, 57], "asymmetr": [16, 39], "angular": [16, 39], "margin": [16, 39], "formul": 16, "l_j": 16, "co": 16, "theta_j": 16, "y": [16, 51, 54, 79], "frac": 16, "k": [16, 39], "p_": 16, "gamma": [16, 51], "log": [16, 28, 133, 138, 139, 140, 141, 142, 144, 145, 146], "m": [16, 29, 121, 133, 137], "neg": [16, 25, 38, 39, 43, 51, 78, 79], "coeffici": [16, 140], "ablat": 16, "studi": [16, 26], "experi": [16, 21, 23, 26], "addition": [16, 19, 21, 138, 139, 140, 141, 142, 144, 145, 146], "2007": [16, 21], "2014": 16, "aerial": 16, "maritim": 16, "69": [16, 19, 22], "61": [16, 22, 23], "56": [16, 19, 22], "07": [16, 22, 51], "75": [16, 19], "91": [16, 19, 22], "77": 16, "28": [16, 19, 51, 146], "52": [16, 19, 21, 22], "what": [17, 26, 100, 140, 144, 145], "exactli": [17, 22], "insid": [17, 21, 22, 23, 25, 27, 29, 79], "life": [17, 28, 137], "rather": 17, "keep": [17, 71, 74, 123, 138, 139, 141, 142], "previous": [17, 106], "knowledg": 17, "situat": [17, 19], "recognit": [17, 30, 133], "prompt": [17, 30, 51, 52, 53, 54, 65, 76, 95, 106, 133, 137, 143], "zero": [17, 22, 23, 24, 30, 47, 51, 52, 95, 106], "coordin": [19, 51, 54, 79], "defin": [19, 26, 35, 51, 65, 79, 84, 85, 99, 100, 126], "pair": [19, 28, 59, 136], "boud": 19, "corner": [19, 51], "inherit": [19, 35, 38, 47, 51], "goe": [19, 26], "fpn": 19, "rotat": [19, 22, 30, 88, 104], "bright": 19, "distort": [19, 22], "multiscal": 19, "agnost": 19, "logic": [19, 133], "drop": 19, "iteration_pati": 19, "iou": [19, 23, 51, 79, 123, 133, 146], "abil": 19, "focalloss": 19, "anchor": [19, 40, 43, 86], "cluster": 19, "ssd": [19, 40, 43, 86], "predefin": 19, "collect": [19, 69, 129, 138, 140, 141, 142, 144, 145, 146], "statist": [19, 78, 124, 133, 138, 140, 141, 142, 144, 145, 146], "go": [19, 79], "pretrain": [19, 29, 37, 42, 133], "mobilenetv2": [19, 27, 28, 40], "imagenet21k": 19, "link": [19, 28, 133, 138, 139, 140, 141, 142, 144, 145, 146], "instances_train": [19, 27, 28, 142, 144, 146], "json": [19, 22, 27, 28, 137, 142, 144, 146], "instances_v": [19, 27, 28, 142, 144, 146], "instances_test": [19, 142, 144, 146], "custom_object_detection_yolox": 19, "yolox": [19, 133], "tini": [19, 21], "object_detection_yolox_": 19, "yolox_": [19, 27, 28], "33": 19, "51": [19, 22, 138], "46": [19, 21], "object_detection_yolox_l": 19, "yolox_l": [19, 27, 28], "194": 19, "57": [19, 51], "207": 19, "object_detection_yolox_x": 19, "yolox_x": [19, 27, 28], "352": 19, "42": [19, 138], "378": 19, "custom_object_detection_gen3_ssd": 19, "custom_object_detection_gen3_atss": 19, "object_detection_resnext101_atss": 19, "resnext101": [19, 133], "434": 19, "344": 19, "light": [19, 134, 138, 139], "perfect": 19, "fastest": 19, "power": 19, "outperform": [19, 21], "mosaic": 19, "long": [19, 22, 51, 137], "pick": [19, 28, 126], "still": [19, 29], "among": 19, "retinanet": [19, 51], "therfor": 19, "integr": [19, 21, 27, 30, 133, 137], "variant": [19, 27, 28, 40, 47, 133], "divers": [19, 30], "shown": [19, 26, 27, 28], "report": [19, 127, 140], "offici": [19, 29, 133], "ap50": 19, "bdd100k": 19, "70000": 19, "10000": [19, 27], "brackish": 19, "plantdoc": 19, "1500": [19, 65], "bccd": 19, "chess": 19, "piec": 19, "300": 19, "31": [19, 22], "48": [19, 21, 22], "88": [19, 138], "99": [19, 22], "40": [19, 22, 23, 138], "63": [19, 22], "59": [19, 22], "37": 19, "54": [19, 25], "98": [19, 22], "l": [19, 29, 133], "55": [19, 22, 23, 146], "x": [19, 22, 35, 37, 42, 47, 51, 52, 54, 79, 85, 99, 100, 133], "50": [19, 21, 146], "version": [21, 37, 60, 78, 133], "doesn": [21, 22, 25, 74, 78, 146], "presenc": 21, "background": [21, 22, 40, 51, 54, 116], "get": [21, 25, 26, 27, 28, 30, 38, 43, 51, 59, 60, 61, 69, 76, 78, 79, 84, 86, 99, 100, 117, 124, 126, 127, 137, 141, 142, 144, 145, 146], "shape": [21, 38, 43, 49, 51, 52, 53, 54, 71, 74, 79, 94, 121], "drive": 21, "robot": 21, "edit": [21, 29, 133], "softwar": [21, 26], "r": [21, 40, 133, 138, 139, 140, 141, 142, 144, 145, 146], "rtmdet": 21, "upon": 21, "offset": [21, 51], "distinguish": [21, 27, 142, 146], "itself": 21, "concurr": 21, "exist": [21, 28, 61, 78, 79, 126], "regress": [21, 43, 116], "rtmnet": 21, "lightweight": [21, 22], "priorit": 21, "inst": [21, 123], "capabl": [21, 26], "encompass": [21, 26], "200": 21, "monitor": [21, 22, 134], "seen": [21, 22], "l1": 21, "absolut": [21, 52, 58], "exponenti": 21, "move": [21, 141], "ema": 21, "manag": [21, 22, 23, 25, 27, 62, 74, 138, 139, 140, 141, 144, 145, 146], "maskrcnn": [21, 87, 88, 136], "efficientnetb2b": 21, "27": [21, 22, 134], "533": 21, "177": 21, "swint": 21, "566": 21, "191": 21, "Ins": 21, "22": 21, "swin": 21, "yield": 21, "contrast": [21, 127, 133], "convent": 21, "resnet": 21, "emploi": 21, "b2": 21, "favor": 21, "essenti": [21, 26, 28], "recent": [21, 28, 138, 139, 141, 142, 144, 145, 146], "tailor": 21, "counterpart": 21, "potenti": 21, "necessit": 21, "term": 21, "paramount": 21, "transit": 21, "recommend": [21, 27, 28, 146], "convers": [21, 26, 74, 75, 76, 94], "crucial": 21, "1024x1024": 21, "boundari": 22, "typic": [22, 26, 28, 54, 79], "depend": [22, 26, 28, 29, 51, 57, 127, 137, 138, 141, 142, 144, 145, 146], "fcn": 22, "mmsegment": [22, 48], "lite": [22, 47, 133], "hrnet": [22, 47], "mix": [22, 27, 45, 78, 84, 126], "photometr": 22, "clip": [22, 39, 45], "quadrat": 22, "norm": [22, 42, 45, 47], "equal": [22, 43], "organ": 22, "veri": 22, "alwai": [22, 60, 78], "renam": [22, 27, 133, 142, 144, 146], "meta": [22, 35, 43, 51, 99, 100, 101, 137], "author": [22, 26], "use_otx_adapt": 22, "custom_semantic_segmentation_lit": 22, "mod2_ocr": 22, "mod2": 22, "18": [22, 145, 146], "82": [22, 23], "mod3_ocr": 22, "mod3": 22, "custom_semantic_segmentation_segnext_t": 22, "segnext": [22, 48, 133], "custom_semantic_segmentation_segnext_": 22, "15": 22, "35": [22, 23, 146], "custom_semantic_segmentation_segnext_b": 22, "08": [22, 141], "member": [22, 26, 78, 100], "famili": [22, 133], "heavi": 22, "wherea": 22, "perfom": 22, "dice": [22, 23, 51, 140, 145, 146], "dis5k": 22, "2012": [22, 145], "kitti": 22, "95": 22, "58": [22, 51, 140, 141, 142, 144, 145], "26": 22, "06": [22, 140, 142, 144, 145], "16": [22, 23, 26, 51, 52, 141], "12": [22, 51, 52, 60], "65": [22, 51, 95], "39": 22, "41": 22, "60": 22, "25": [22, 51, 142], "text": [23, 25], "troubleshoot": [23, 25], "purpos": [23, 25, 27, 144, 145], "unlabel": [23, 25], "particular": [23, 25, 28, 138, 139, 141, 142, 146], "sam": [23, 25, 51, 54], "famou": [23, 25], "web": [23, 137], "huge": 23, "lot": 23, "longest": [23, 25], "pad": [23, 25, 35, 51, 54, 71, 74, 94], "rest": [23, 25, 26], "awar": [23, 25, 26], "qat": [23, 25], "four": [23, 25], "experiment": [23, 25], "visual_prompting_sam_tiny_vit": 23, "sam_tiny_vit": [23, 146], "47": [23, 25], "visual_prompting_sam_vit_b": 23, "sam_vit_b": [23, 146], "454": [23, 25], "363": [23, 25], "did": [23, 27], "three": [23, 26], "public": [23, 26, 27, 142], "wgisd": [23, 27, 136, 137, 140, 142, 144, 146], "trashcan": 23, "f1": [23, 79, 146], "110": 23, "500": [23, 64, 123], "78": 23, "model_config_path": [23, 25], "batch_size_to_be_upd": 23, "learning_rate_to_be_upd": 23, "unlik": [25, 146], "usecas": 25, "polygon": [25, 104, 121], "soon": 25, "regardless": [25, 78, 109, 136], "made": 25, "order": [25, 146], "templat": [25, 26, 28, 30, 43, 133, 138, 139, 146], "zero_shot_sam_tiny_vit": 25, "zero_shot_sam_vit_b": 25, "code": [25, 29, 30, 57, 60, 72, 73, 133, 137], "path_to_weights_from_learn": 25, "green": 25, "red": [25, 28, 136], "left": [25, 51], "solvabl": 26, "conveni": 26, "expand": [26, 51, 95], "seamlessli": 26, "navig": 26, "workflow": [26, 126], "friendli": [26, 122], "throughout": 26, "python": [26, 29, 30, 60, 61, 64, 65, 69, 118, 122, 126, 129, 130, 133, 137], "intel": [26, 28, 29, 82, 85, 86, 87, 88, 89, 138, 139, 140, 141, 142, 144, 145, 146], "practic": [26, 28], "scratch": [26, 35], "realiz": 26, "establish": 26, "overview": [26, 30], "static": [26, 34, 35, 40, 56, 84, 117], "cycl": [26, 49], "advoc": 26, "argu": 26, "simultan": 26, "across": 26, "seem": 26, "interconnect": 26, "believ": 26, "nice": 26, "abstract": [26, 71, 123], "regard": 26, "figur": 26, "grei": 26, "otxtasktyp": [26, 27, 69, 113, 125, 126], "enum": [26, 108, 109, 110, 111, 112, 113, 114, 127], "otxdataent": 26, "otxbatchdataent": [26, 100], "otxmodel": [26, 27, 40, 82, 83, 84, 85, 86, 87, 89, 95, 100, 116, 126], "pytorch": [26, 27, 28, 29, 30, 60, 61, 64, 71, 74, 75, 76, 84, 100, 117, 120, 134, 137, 138, 139, 140, 141, 142, 144, 145, 146], "nn": [26, 35, 36, 37, 38, 40, 47, 49, 51, 52, 53, 54, 71, 74, 75, 76, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95, 116], "Its": 26, "strict": 26, "otxbatchlossent": [26, 51, 84, 85, 86, 87, 95, 100], "otxbatchpredent": [26, 100], "embodi": 26, "blue": 26, "detdataent": 26, "detbatchdataent": [26, 86, 102], "bbox": [26, 43, 51, 116, 123], "otxdetectionmodel": [26, 86], "detbatchpredent": [26, 86, 123], "beyond": 26, "observ": 26, "strictli": 26, "event": 26, "reinvent": 26, "wheel": 26, "lightn": [26, 27, 28, 30, 34, 40, 50, 56, 61, 80, 84, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 117, 120], "primari": [26, 140], "numer": 26, "open": [26, 29, 60], "worldwid": 26, "often": 26, "tightli": 26, "coupl": 26, "hinder": 26, "reus": [26, 138, 139, 141, 142, 144, 145, 146], "valuabl": 26, "against": [26, 140], "special": 26, "create_model": [26, 91, 92, 93, 94], "customize_input": 26, "customize_output": 26, "facilit": 26, "entiti": [26, 27, 30, 40, 51, 99, 100, 123], "extern": 26, "mmdetect": [26, 42], "rtmdettini": 26, "mmdetcompatiblemodel": [26, 40, 86], "regist": [26, 36, 56, 64, 74, 84, 100, 131], "child": [26, 61], "datasampl": [26, 38], "compli": 26, "resolv": [26, 58, 64, 69], "explicitli": 26, "plan": 26, "continu": [26, 30, 49, 127, 137], "worri": 26, "project": [26, 27, 29, 30, 128], "tediou": 26, "schema": [26, 43], "pars": [26, 34, 59, 60], "lifecycl": 26, "ecosystem": 26, "directori": [26, 56, 61, 62, 71, 74, 75, 76, 84, 99, 100, 126, 140, 141], "illustr": 26, "simplic": 26, "enjoi": 26, "anoth": [26, 29, 65], "demonstr": [26, 27, 29, 140, 145], "necessari": [26, 30, 56, 99, 137, 141, 142, 144, 145, 146], "onlin": [26, 137], "torchvis": [26, 29, 30, 60, 64, 65, 125], "mmpretrain": [26, 65, 85], "etc": [26, 28, 33, 43, 46, 51, 126], "flexibl": 26, "freeli": 26, "creation": 26, "wonjulee": 26, "vinnamkim": 26, "entri": [26, 27, 55, 126, 138, 139, 141, 142, 144, 145, 146], "built": [26, 29, 30], "deploi": [26, 27, 30, 51, 74, 140, 147], "natur": 26, "diagram": 26, "trainer": [26, 27, 28, 40, 50, 84, 117, 126], "role": 26, "done": [26, 74, 75, 76, 127, 144, 145, 146], "thing": 26, "deploy": [26, 71, 74, 76, 138, 139, 141, 142, 144, 145, 146, 147], "novic": 26, "struggl": 26, "stem": 26, "difficulti": 26, "fill": 26, "gap": [26, 78, 85], "samet": 26, "akcai": 26, "harimkang": 26, "meijer": 26, "erik": 26, "peter": 26, "drayton": 26, "dynam": [26, 30, 100], "cold": 26, "war": 26, "program": [26, 59], "languag": 26, "oopsla": 26, "2004": 26, "http": [26, 27, 28, 29, 51, 60, 100, 127, 134, 141, 142, 144, 146], "en": [26, 134], "wikipedia": 26, "org": [26, 51, 60, 127, 141], "wiki": 26, "reinventing_the_wheel": 26, "in_software_develop": 26, "mmlab": [26, 29, 60], "www": 26, "netapp": 26, "com": [26, 27, 28, 29, 142, 144, 146], "media": 26, "16928": 26, "wp": 26, "7299": 26, "pdf": 26, "openvinotoolkit": [26, 28, 29, 91, 92, 93, 94], "html": [26, 100, 127], "instal": [27, 28, 30, 133, 137, 138, 139, 140, 141, 142, 144, 145, 146], "clone": [27, 29, 142, 144, 146], "repositori": [27, 28, 29, 82, 84, 85, 86, 87, 88, 89, 137, 138, 141, 142, 144, 146], "cd": [27, 28, 29, 141, 142, 144, 146], "git": [27, 29, 142, 144, 146], "github": [27, 28, 29, 142, 144, 146], "thsant": [27, 142, 144, 146], "checkout": [27, 29, 142, 144, 146], "6910edc5ae3aae8c20062941b1641821f0c30127": [27, 142, 144, 146], "mv": [27, 141, 142, 144, 146], "coco_annot": [27, 142, 144, 146], "train_bbox_inst": [27, 142, 146], "test_bbox_inst": [27, 142, 146], "now": [27, 28, 126, 133, 138, 140, 141, 142, 144, 145, 146], "immedi": 27, "snippet": 27, "list_model": [27, 140, 141, 142, 144, 145, 146], "model_list": [27, 140, 141, 142, 144, 145, 146], "print": [27, 127, 140, 141, 142, 144, 145, 146], "yolox_tiny_til": [27, 28], "yolox_l_til": [27, 28], "yolox_x_til": [27, 28], "atss_r50_fpn": [27, 28], "ssd_mobilenetv2": [27, 28], "yolox_tini": [27, 28], "openvino_model": [27, 28, 138, 141, 144, 145, 146], "atss_mobilenetv2": [27, 28, 126, 136, 142], "yolox_s_til": [27, 28], "rtmdet_tini": [27, 28], "atss_mobilenetv2_til": [27, 28, 142], "atss_resnext101": [27, 28, 142], "ssd_mobilenetv2_til": [27, 28], "print_tabl": 27, "src": [27, 60, 84, 136, 138, 139, 140, 141, 142, 144, 145, 146], "yaml": [27, 28, 56, 64, 117, 126, 128, 130, 134, 136, 138, 139, 140, 141, 142, 144, 145, 146], "pattern": [27, 28, 141, 142, 144, 146], "referenc": 27, "via": [27, 28, 51, 75, 76, 133, 138, 141, 142, 144, 145, 146], "work_dir": [27, 28, 56, 61, 62, 126, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "workspac": [27, 126, 133, 136, 138, 139, 140, 141, 142, 144, 145, 146], "store": [27, 51, 71, 74, 76, 117, 140], "devicetyp": [27, 65, 66, 108, 126], "constructor": [27, 35, 51, 56, 69, 117, 120, 125], "from_config": [27, 126, 138, 139, 140, 141, 142, 144, 145, 146], "config_path": [27, 28, 61, 126, 138, 139, 140, 141, 142, 144, 145, 146], "actual": [27, 29, 65], "num_class": [27, 28, 35, 36, 38, 40, 43, 49, 51, 56, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 93, 95, 116, 118, 134], "lr_schedul": [27, 97, 98, 100, 101, 102, 103, 104, 105, 106], "cosineannealinglr": 27, "weight_decai": [27, 134], "t_max": 27, "eta_min": 27, "enter": [27, 74], "max_epoch": [27, 28, 117, 126, 138, 139, 140, 141, 142, 144, 145, 146], "seed": [27, 56, 126], "determinist": [27, 28, 126], "1234": [27, 126], "precis": [27, 28, 30, 45, 71, 74, 75, 76, 79, 84, 99, 100, 126, 137, 138, 141, 142, 146], "64": [27, 51, 65, 95], "bf16": 27, "fmeasur": [27, 102, 103], "fmeasu": 27, "logger": [27, 28, 57, 120, 122, 126, 134], "earlystop": [27, 61, 134], "tensorboard": [27, 28, 138, 139, 141, 142, 144, 145, 146], "tensorboardlogg": 27, "limit_val_batch": 27, "alreadi": [27, 28, 51], "place": 27, "ckpt": [27, 28, 40, 99, 100, 102, 103, 124, 136, 138, 139, 140, 141, 142, 144, 145, 146], "onnx": [27, 28, 60, 71, 74, 75, 76, 126, 133, 137, 141, 142, 146], "dataload": [27, 65, 69, 94, 99, 133, 138, 139, 140, 141, 142, 144, 145, 146], "proce": [27, 140], "export_format": [27, 71, 76, 84, 99, 100, 126, 137, 141, 142, 146], "export_precis": [27, 126, 137], "fp32": [27, 71, 74, 75, 76, 84, 99, 100, 126, 137], "saliency_map": [27, 126, 136, 141, 142], "feature_vector": [27, 126, 141, 142], "fp16": [27, 126, 133, 137], "procedur": [27, 35], "usual": [27, 39, 43, 94], "nncf": [27, 28, 84, 95, 126, 133, 138, 140, 141, 142, 144, 145, 146], "That": [27, 99, 138, 139, 140, 141, 142, 146], "written": 28, "jsonargpars": [28, 29, 134], "lightningcli": 28, "tool": [28, 29, 30, 74, 75, 76, 82, 83, 85, 86, 89], "messag": [28, 29, 59, 133], "exit": [28, 74, 137], "displai": [28, 59, 136], "subcommand": [28, 56, 59, 61, 138, 139, 141, 142, 144, 145, 146], "lightningmodul": [28, 45, 100, 126], "underli": [28, 126], "ov": [28, 71, 75, 76, 85, 116, 126], "packag": [28, 34, 60, 74, 91, 92, 93, 94, 127, 128, 133, 137], "properli": [28, 29], "verbos": [28, 57, 59], "quick": [28, 30, 59, 138, 139, 140, 141, 142, 144, 145, 146], "markdown": [28, 59], "training_extens": [28, 29, 62, 91, 92, 93, 94, 138, 139], "class_path_or_nam": [28, 126], "Of": [28, 126], "cours": [28, 126], "overrid": [28, 61, 69, 117, 126, 134], "ckpt_path": [28, 126, 138, 140, 141, 142, 144, 145, 146], "optional_argu": 28, "vv": [28, 138, 139, 140, 141, 142], "flag": [28, 38, 51, 71], "tpu": 28, "ipu": 28, "hpu": 28, "mp": 28, "init_arg_nam": 28, "preview": 28, "asset": [28, 145], "car_tree_bug": 28, "callback_monitor": [28, 134, 141, 142, 144, 145, 146], "map_50": [28, 139, 141, 142, 144, 145, 146], "1000": [28, 134], "data_format": [28, 65, 125], "coco_inst": 28, "val_subset": [28, 65], "test_subset": [28, 65, 126], "1gb": [28, 65], "mem_cache_img_max_s": [28, 64, 65], "null": 28, "image_color_channel": [28, 65], "rgb": [28, 65, 71, 74], "include_polygon": [28, 65], "detec": 28, "rotated_detect": 28, "de": 28, "filter": 28, "word": 28, "coco_data_root": 28, "jpg": [28, 137, 139], "demo": [28, 71, 133, 147], "cach": [28, 56, 133], "approxim": 28, "500x375": 28, "500x439": 28, "omit": 28, "tranier": 28, "exported_model": [28, 71, 74, 75, 76, 136, 138, 140, 141, 142, 144, 145, 146], "bin": [28, 29, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "latest": [28, 51, 56, 60, 95, 100, 136, 137, 138, 139, 141, 142, 144, 145, 146], "OR": 28, "int8": [28, 138, 140, 141, 142, 144, 145, 146], "model_weght": 28, "understood": 28, "model_weight": 28, "extra": [28, 29, 47, 60, 116, 144, 146], "with_featur": 28, "gather": 28, "output_dir": [28, 71, 74, 75, 76, 84, 95, 99, 100], "20240000_000000": 28, "deliver": 28, "20240000_000001": 28, "soft": [28, 51, 133, 138, 139, 141, 142, 144, 145, 146], "behav": [28, 47], "ubuntu": [29, 138, 139, 140, 141, 142, 144, 145, 146], "pypi": [29, 133], "pip": [29, 57, 137], "virtual": [29, 136, 137], "venv": [29, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "guid": [29, 30, 59, 136, 137, 138, 139, 140, 141, 142, 144, 145, 146], "fulli": [29, 120, 138, 141, 142, 144, 145, 146], "older": [29, 42], "instruct": 29, "ipex": 29, "oneapi": 29, "driver": 29, "0a0": 29, "torchaudio": 29, "index": [29, 49, 51, 52, 60, 84, 97, 98, 99, 101, 102, 103, 105, 106, 148], "url": [29, 60], "whl": [29, 60], "mmcv": [29, 30, 60, 65, 74], "mmcv_with_op": 29, "exclud": 29, "export": [29, 35, 51, 67, 82, 84, 99, 100, 126, 133, 136, 139, 147], "variabl": 29, "setvar": 29, "sh": 29, "ld_preload": 29, "usr": 29, "lib": 29, "x86_64": 29, "linux": [29, 137], "gnu": 29, "libstdc": 29, "30": [29, 140, 141, 142, 144, 145], "ipex_fp32_math_mod": 29, "tf32": 29, "tox": [29, 133, 136, 137, 138, 139, 140, 142, 144, 145, 146], "replac": [29, 42, 61, 65, 99, 117, 118, 136], "310": 29, "devenv": 29, "py310": 29, "otx_vers": 29, "correctli": [29, 140], "grep": 29, "4f3b5f98f97c": 29, "minut": [29, 138, 139, 141, 142, 144, 146], "ago": 29, "5gb": 29, "8d14caccb29a": 29, "4gb": 29, "host": 29, "dev": [29, 137], "txt": [29, 137, 140], "setup": [29, 40, 69, 84, 99, 100, 137], "pytest": 29, "autom": 29, "env": 29, "newli": [29, 51, 95], "upgrad": [29, 133], "face": 29, "11": [29, 60, 61, 138, 139, 140, 141, 142, 144, 145, 146], "internet": 29, "proxi": [29, 30], "server": 29, "usr_nam": 29, "password": 29, "proxyserver_nam": 29, "port": [29, 137], "pkg_name": 29, "side": [29, 51], "jsonargparse_debug": 29, "quickli": [30, 137], "expertis": 30, "toolkit": [30, 138, 139, 140, 141, 142, 144, 145, 146], "consolid": 30, "serv": [30, 85], "shop": 30, "experienc": 30, "zoo": 30, "omz": [30, 82, 84, 85, 86, 87, 88, 89], "furthermor": 30, "team": 30, "robust": 30, "half": 30, "hyper": [30, 74, 126], "budget": 30, "freedom": 30, "descript": [30, 51, 61], "1q24": 31, "v1": [31, 100], "4q23": 31, "3q23": 31, "2q23": 31, "1q23": 31, "hook": [33, 46, 100], "xpu": [34, 45, 50], "xpuacceler": 34, "auto_device_count": 34, "get_device_stat": 34, "stat": [34, 47], "get_parallel_devic": 34, "parrallel": 34, "is_avail": 34, "parse_devic": 34, "patch_packages_xpu": 34, "revert_packages_xpu": 34, "revert": [34, 74], "setup_devic": 34, "teardown": [34, 69], "clean": [34, 133], "movinethead": 35, "in_channel": [35, 38, 47, 48], "hidden_dim": 35, "loss_cl": [35, 43], "tf_like": 35, "conv_typ": 35, "average_clip": 35, "basehead": 35, "hidden": [35, 38, 52, 53, 54], "tensorflow": [35, 141], "style": [35, 65], "convolut": 35, "crossentropyloss": [35, 49], "spatial_typ": 35, "pool": 35, "avg": 35, "dropout_ratio": 35, "dropout": [35, 38, 47], "init_std": 35, "basemodul": [35, 38, 47], "tensor": [35, 36, 38, 39, 40, 42, 43, 45, 47, 49, 51, 52, 53, 54, 78, 79, 84, 85, 94, 97, 98, 100, 101, 102, 105, 106, 121, 123], "kwarg": [35, 37, 38, 40, 43, 45, 48, 49, 51, 54, 56, 59, 61, 74, 78, 84, 86, 87, 88, 95, 99, 100, 102, 103, 104, 117, 120, 126, 127], "init_weight": [35, 37, 42, 47], "movinetrecogn": 35, "otxrecognizer3d": 35, "recogn": [35, 56], "load_state_dict_pre_hook": [35, 40, 84, 100], "state_dict": [35, 40, 45, 84, 99, 100, 102, 103], "prefix": [35, 40, 49, 84, 116], "arg": [35, 40, 43, 48, 49, 51, 54, 56, 59, 64, 84, 86, 87, 88, 95, 99, 100, 102, 103, 104, 117], "redirect": 35, "state_dict_hook": 35, "otxmovinet": 35, "wrapper": [35, 51], "share": [35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95], "scriptmodul": [35, 36, 37, 40, 49, 51, 52, 53, 54, 78, 79, 82, 83, 84, 85, 86, 87, 88, 89, 91, 92, 93, 94, 95], "fill_conv": 35, "conf": [35, 117], "input_channel": 35, "out_channel": 35, "kernel_s": 35, "stride": [35, 43, 116], "conv": [35, 47], "kernel": 35, "fill_se_config": 35, "expanded_channel": 35, "padding_avg": 35, "se": 35, "expans": 35, "otxovactioncl": 35, "model_adapt": [35, 51], "openvinoadapt": 35, "preload": [35, 51], "postprocess": [35, 51, 67, 133, 136], "ndarrai": [35, 51, 79, 95, 111, 121], "preprocess": [35, 51, 71, 74, 133], "configdict": [35, 74], "cls_head": 35, "train_cfg": 35, "test_cfg": [35, 94], "data_preprocessor": 35, "recognizer3d": 35, "dinov2": 36, "backbone_nam": 36, "freeze_backbon": [36, 47], "head_in_channel": 36, "dino": [36, 47, 133], "img": [36, 47], "dinov2registerclassifi": 36, "dictconfig": [36, 40, 69, 74, 82, 83, 85, 86, 87, 88, 89, 91, 92, 93, 94, 116, 118, 124], "otxmulticlassclsmodel": [36, 85, 101], "otxefficientnet": 37, "b8": 37, "in_siz": 37, "return_featuremap": 37, "get_embed": 37, "otxefficientnetv2": 37, "s_21k": 37, "timmmodelswrapp": 37, "efficientnetv2": 37, "otxmobilenetv3": 37, "width_mult": 37, "mobilenetv3": 37, "customhierarchicallinearclshead": 38, "num_multiclass_head": [38, 78, 85, 101], "num_multilabel_class": [38, 78, 85, 101], "multiclass_loss_cfg": 38, "multilabel_loss_cfg": 38, "thr": 38, "total": [38, 79], "multiclass_loss": 38, "multilabel_loss": 38, "under": [38, 78, 144, 145], "feat": 38, "get_valid_label_mask": 38, "img_meta": 38, "ignored_label": 38, "data_sampl": [38, 94], "item": [38, 49, 61], "num_sampl": 38, "keyword": [38, 49, 56, 59, 117, 120, 126], "pre_logit": 38, "pred_label": 38, "set_hlabel_info": [38, 85], "hlabel_info": 38, "hlabelinfo": [38, 85], "hlabel": 38, "customhierarchicalnonlinearclshead": 38, "hid_channel": 38, "1280": 38, "activation_cfg": [38, 42], "hid_cahnnel": 38, "acivation_cfg": 38, "custommultilabellinearclshead": 38, "multilabellinearclshead": 38, "multilabel": [38, 78, 85, 133], "custommultilabelnonlinearclshead": 38, "act_cfg": 38, "multilabelclshead": 38, "linar": 38, "asymmetricangularlosswithignor": 39, "gamma_po": 39, "gamma_neg": 39, "loss_weight": 39, "scalar": 39, "init": [39, 42, 47, 120], "fuction": 39, "pred": [39, 78, 79], "valid_label_mask": [39, 43, 49], "avg_factor": [39, 43, 49], "reduction_overrid": [39, 49], "liter": [40, 51, 68, 71, 74, 75, 76, 78, 118, 126, 127], "detecion": 40, "get_classification_lay": [40, 116], "model_registri": [40, 116], "registri": [40, 74, 91, 92, 93, 94, 116], "param": [40, 116, 144, 145, 146], "use_bg": 40, "softmax": 40, "num_anchor": [40, 43], "load_from_otx_v1_ckpt": 40, "add_prefix": 40, "otx2": 40, "setup_callback": [40, 84], "otxssd": 40, "otxlitmodul": [40, 84, 97, 98, 100, 101, 102, 103, 105, 106], "pytorchcv": 42, "copi": [42, 61, 120], "mmdet": [42, 86, 87, 88], "multioutput_forward": 42, "multioutput": 42, "replace_activ": 42, "funtion": 42, "replace_norm": 42, "cfg": [42, 61, 74, 118], "customatsshead": 43, "bg_loss_weight": 43, "use_qfl": 43, "qfl_cfg": 43, "classincrementalmixin": [43, 48], "atsshead": 43, "get_target": 43, "anchor_list": 43, "valid_flag_list": 43, "batch_gt_inst": 43, "instancelist": 43, "batch_img_meta": 43, "batch_gt_instances_ignor": 43, "optinstancelist": 43, "unmap_output": 43, "anchorhead": 43, "parent": [43, 61], "element": [43, 51], "crosssigmoidfocalloss": 43, "labels_weights_list": 43, "binar": [43, 51], "loss_by_feat": 43, "cls_score": [43, 49], "bbox_pr": 43, "energi": 43, "delta": 43, "instancedata": 43, "gt_instanc": 43, "attribut": [43, 51, 61, 123, 133], "gt_instances_ignor": 43, "loss_by_feat_singl": 43, "label_weight": 43, "bbox_target": 43, "num_total_anchor": 43, "prior": 43, "pseudosampl": 43, "consider": 43, "customssdhead": 43, "ssdhead": 43, "workaround": 43, "bug": [43, 133], "mmdet3": 43, "ssdanchorgeneratorclust": 43, "width": [43, 59, 74, 99, 121], "height": [43, 74, 99, 121], "anchorgener": 43, "gen_base_anchor": 43, "gen_single_level_base_anchor": 43, "single_level_base_anchor": 43, "mixedprecisionxpuplugin": 45, "scaler": 45, "gradscal": 45, "amp": 45, "autocast": 45, "cuda": [45, 60, 138, 139, 140, 141, 142, 144, 145, 146], "clip_gradi": 45, "clip_val": 45, "gradient_clip_algorithm": 45, "gradclipalgorithmtyp": 45, "grad": 45, "forward_context": 45, "load_state_dict": [45, 99, 100, 102, 103], "optimizer_step": 45, "optimiz": 45, "pl": [45, 50, 126], "closur": 45, "callabl": [45, 74, 84, 85, 86, 87, 127, 131], "pre_backward": 45, "backward": [45, 49], "dinovisiontransform": 47, "out_index": 47, "init_cfg": 47, "litehrnet": 47, "conv_cfg": [47, 48], "norm_cfg": [47, 48], "norm_ev": 47, "with_cp": 47, "zero_init_residu": 47, "eval": [47, 133], "freez": [47, 51], "var": 47, "resblock": 47, "ident": 47, "customfcnhead": 48, "enable_aggreg": 48, "aggregator_min_channel": 48, "aggregator_merge_norm": 48, "aggregator_use_concat": 48, "in_index": 48, "input_transform": 48, "fcnhead": 48, "customlighthamhead": 48, "ham_channel": 48, "ham_kwarg": 48, "lighthamhead": 48, "hamburg": 48, "kwagr": 48, "ham": 48, "crossentropylosswithignor": 49, "partial": [49, 101, 120], "revisit": 49, "unseen": 49, "ignore_index": [49, 78], "255": [49, 92, 94], "wise": [49, 51], "class_weight": 49, "contribut": 49, "avg_non_ignor": 49, "properti": [49, 50, 69, 78, 79, 82, 84, 85, 91, 92, 93, 94, 99, 100, 101, 117, 126], "loss_nam": 49, "graph": 49, "loss_": 49, "singlexpustrategi": 50, "_devic": 50, "checkpoint_io": 50, "checkpointio": 50, "precision_plugin": 50, "precisionplugin": 50, "singledevicestrategi": 50, "setup_optim": 50, "is_distribut": 50, "otxsegmentanyth": 51, "tiny_vit": 51, "vit_b": 51, "freeze_image_encod": 51, "freeze_prompt_encod": 51, "freeze_mask_decod": 51, "use_stability_scor": 51, "return_single_mask": 51, "return_extra_metr": 51, "stability_score_offset": 51, "otxvisualpromptingmodel": [51, 95, 106], "otxzeroshotsegmentanyth": 51, "root_reference_info": [51, 95], "vpm_zsl_reference_info": [51, 95], "save_output": [51, 95], "pixel_mean": 51, "123": 51, "675": 51, "116": 51, "103": 51, "53": 51, "pixel_std": 51, "395": 51, "375": 51, "default_threshold_refer": [51, 95], "default_threshold_target": [51, 95], "apply_box": 51, "boundingbox": 51, "ori_shap": 51, "target_length": 51, "1024": [51, 52, 95], "apply_coord": 51, "coord": 51, "apply_imag": 51, "np": [51, 79, 121], "apply_point": 51, "apply_prompt": 51, "zeroshotvisualpromptingbatchdataent": [51, 95, 106], "zeroshotvisualpromptingbatchpredent": [51, 95], "get_preprocess_shap": 51, "oldh": 51, "oldw": 51, "reference_feat": [51, 95], "used_indic": [51, 95], "is_cascad": [51, 95], "connect": 51, "initialize_reference_info": [51, 95], "reset_feat": [51, 95], "load_latest_reference_info": [51, 95], "info": [51, 57, 78, 95, 106, 137], "segmentanyth": [51, 146], "load_from": [51, 91, 92, 93, 94, 116], "mask_threshold": 51, "image_s": [51, 95], "image_embedding_s": [51, 54], "embed_dim": [51, 52, 54], "256": [51, 52, 53, 54], "mask_in_chan": [51, 54], "num_multimask_output": [51, 53], "transformer_cfg": [51, 53], "transformer_dim": [51, 53], "iou_head_depth": [51, 53], "iou_head_hidden_dim": [51, 53], "calculate_dice_loss": 51, "num_mask": 51, "calculate_i": 51, "epsilon": 51, "intersect": [51, 79], "calculate_sigmoid_ce_focal_loss": 51, "alpha": 51, "arxiv": [51, 127], "ab": [51, 127], "1708": 51, "02002": 51, "noqa": 51, "d301": 51, "arbitrari": 51, "expon": 51, "p_t": 51, "hard": 51, "calculate_stability_scor": 51, "threshold_offset": 51, "stabil": 51, "logit": [51, 78], "bxhxw": 51, "stability_scor": 51, "forward_infer": 51, "image_embed": [51, 53], "point_coord": 51, "point_label": 51, "mask_input": 51, "has_mask_input": 51, "spars": [51, 54], "bottom": [51, 94], "1x1x256x256": 51, "suppli": 51, "1x1": 51, "layout": 51, "1x2": 51, "forward_train": 51, "gt_mask": 51, "tv_tensor": 51, "nx4": 51, "arrai": [51, 54, 82, 84], "xyxi": [51, 54], "emb": [51, 54, 71, 74, 75, 76], "bxnx2": [51, 54], "bxn": [51, 54], "foreground": [51, 54], "freeze_network": 51, "get_prepadded_s": 51, "input_image_s": [51, 54], "longest_sid": 51, "load_checkpoint": 51, "classmethod": [51, 69, 111, 126], "postprocess_mask": 51, "input_s": [51, 71, 74, 75, 76, 99], "orig_s": 51, "bx1xhxw": [51, 54], "remov": [51, 133], "bx2": 51, "select_mask": 51, "iou_pr": [51, 53], "num_point": 51, "bxmxhxw": 51, "bxm": 51, "bx1": 51, "visualpromptingdecod": 51, "inferenceadapt": 51, "segmentationmodel": 51, "inference_adapt": 51, "executor": 51, "confidence_threshold": 51, "rais": [51, 56, 57, 60, 79, 103, 106, 119], "wrappererror": 51, "fail": 51, "py": [51, 60, 137], "numericalvalu": 51, "default_valu": 51, "confid": [51, 79, 102, 103, 133, 141, 142, 146], "visualpromptingimageencod": 51, "imagemodel": 51, "zeroshotsegmentanyth": 51, "expand_reference_info": [51, 95], "new_largest_label": [51, 95], "labl": [51, 78, 95], "num_bg_point": [51, 95], "defaultdict": [51, 95], "cascad": 51, "processed_prompt": 51, "tvtensor": 51, "_gather_prompts_with_label": 51, "pad_to_squar": 51, "set_default_config": 51, "tinyvit": 52, "img_siz": 52, "224": [52, 65, 134], "in_chan": 52, "depth": [52, 53], "num_head": 52, "window_s": 52, "mlp_ratio": 52, "drop_rat": 52, "drop_path_r": 52, "mbconv_expand_ratio": 52, "local_conv_s": 52, "layer_lr_decai": 52, "mobilesam": 52, "no_weight_decay_keyword": 52, "keyworkd": 52, "set_layer_lr_decai": 52, "patch_siz": 52, "768": 52, "out_chan": 52, "qkv_bia": 52, "norm_lay": 52, "layernorm": 52, "act_lay": 52, "gelu": [52, 53, 54], "use_abs_po": 52, "use_rel_po": 52, "rel_pos_zero_init": 52, "global_attn_index": 52, "attent": [52, 136], "mlp": [52, 53], "dim": 52, "learnabl": 52, "bia": [52, 138, 140, 141, 142, 144, 145, 146], "queri": 52, "window": [52, 137], "global": [52, 109, 136, 140], "sammaskdecod": 53, "facebookresearch": [53, 54], "disambigu": 53, "upscal": 53, "qualiti": 53, "image_p": 53, "sparse_prompt_embed": 53, "dense_prompt_embed": 53, "multimask_output": 53, "predict_mask": 53, "samimageencod": 54, "sampromptencod": 54, "bx4": 54, "nx1x": 54, "dense_embed": 54, "nx": 54, "embed_h": 54, "embed_w": 54, "sparse_embed": 54, "get_dense_p": 54, "embedding_h": 54, "embedding_w": 54, "entrypoint": [55, 56], "otxcli": 56, "add_subcommand": 56, "parser": [56, 61], "engine_subcommand_pars": 56, "argumentpars": [56, 61], "engine_subcommand": 56, "whose": [56, 139], "skip": [56, 59, 61, 106, 138, 139, 141, 142, 144, 145, 146], "duplic": 56, "get_config_valu": 56, "namespac": [56, 61], "retriev": [56, 117], "get_subcommand_pars": 56, "init_pars": 56, "instantiate_class": [56, 120], "instantiate_engin": 56, "instanti": [56, 61, 65, 117], "instantiate_metr": 56, "metric_config": 56, "metriccal": [56, 97, 98, 100, 101, 102, 103, 104, 105, 126], "pathc": 56, "instantiate_model": 56, "model_config": 56, "prepare_subcommand_kwarg": 56, "valueerror": [56, 57, 60, 79], "save_config": 56, "set_se": 56, "reproduc": [56, 138, 139, 141, 142, 144, 145, 146], "argpars": [56, 59], "seed_everyth": 56, "update_latest": 56, "add_install_pars": 57, "subcommands_act": 57, "_actionsubcommand": 57, "subpars": 57, "otx_instal": 57, "do_not_install_torch": 57, "absolute_path": 58, "formatt": 59, "customhelpformatt": 59, "prog": 59, "indent_incr": 59, "max_help_posit": 59, "consol": 59, "richhelpformatt": 59, "defaulthelpformatt": 59, "customiz": 59, "verbosity_level": 59, "render": [59, 137], "add_usag": 59, "add_argu": 59, "format_help": 59, "string": [59, 64], "superclass": 59, "get_cli_usage_docstr": 59, "docstr": [59, 61], "__doc__": 59, "prev": 59, "n2": 59, "get_verbosity_subcommand": 59, "sy": 59, "argv": 59, "render_guid": 59, "content": 59, "add_hardware_suffix_to_torch": 60, "hardware_suffix": 60, "with_available_torch_build": 60, "suffix": 60, "compris": 60, "correct": [60, 138, 140, 141, 142, 144, 145, 146], "pkg_resourc": 60, "req": 60, "spec": 60, "cu121": 60, "cu118": 60, "cu111": 60, "criterion": 60, "get_cuda_suffix": 60, "cuda_vers": 60, "mmx": [60, 116, 130], "download": [60, 138, 139, 140, 141, 144], "instead": [60, 99, 141, 142, 144, 146], "shoudl": 60, "regularli": 60, "reflect": 60, "cu112": 60, "get_cuda_vers": 60, "get_hardware_suffix": 60, "torch_vers": 60, "yet": 60, "get_mmcv_install_arg": 60, "torch_requir": 60, "mmcv_requir": 60, "notimplementederror": 60, "Not": 60, "maco": [60, 137], "runtimeerror": 60, "o": 60, "get_module_vers": 60, "module_nam": 60, "get_requir": 60, "importlib": 60, "metadata": [60, 71, 74, 75, 76, 133], "importlib_metadata": 60, "attr": 60, "get_torch_install_arg": 60, "requri": 60, "mim_instal": 60, "mim": 60, "modulenotfounderror": [60, 119], "parse_requir": 60, "mmcl": [60, 133], "patch_mmaction2": 60, "mmaction2": 60, "reason": [60, 69], "__init__": 60, "miss": [60, 133], "update_cuda_version_with_available_torch_cuda_build": 60, "highest": 60, "warn": [60, 126, 133], "add_list_type_argu": 61, "baseclass": 61, "nested_kei": 61, "add_subclass_argu": 61, "bypass": 61, "_signatur": 61, "signatureargu": 61, "subclass": 61, "nest": [61, 65], "apply_config": 61, "actionconfigfil": 61, "dest": 61, "destin": 61, "flatten_dict": 61, "parent_kei": 61, "sep": 61, "flatten": 61, "get_configur": 61, "get_defaults_with_overrid": 61, "skip_check": 61, "get_instantiated_class": 61, "pathlik": [61, 126], "get_short_docstr": 61, "typevar": 61, "list_overrid": 61, "override_list": 61, "override_callback": 61, "patch_update_config": 61, "action_config_fil": 61, "only_unset": 61, "posixpath": 62, "home": [62, 127], "runner": 62, "doc": [62, 100, 133, 137], "use_sub_dir": 62, "subdirectori": 62, "any_represent": 64, "dumper": 64, "saferepresent": 64, "scalarnod": 64, "node": [64, 74], "as_int_tupl": 64, "as_torch_dtyp": 64, "dtype": 64, "todtyp": [64, 65], "float32": [64, 65], "dtype_represent": 64, "ignore_alias": 64, "alias": 64, "otherwis": [64, 65, 117, 126], "register_config": 64, "subsetconfig": [65, 69, 138, 139, 140, 141, 142, 144, 145, 146], "factori": [65, 69], "vpm_config": 65, "visualpromptingconfig": 65, "imagecolorchannel": [65, 111], "stack_imag": 65, "unannotated_items_ratio": 65, "dto": [65, 67, 68], "samplerconfig": [65, 120], "randomsampl": 65, "todo": 65, "resembl": 65, "subset_nam": [65, 126], "transform_lib_typ": 65, "transformer_lib": 65, "transformlibtyp": [65, 114, 125], "worker": 65, "train_subset_config": 65, "randomresizedcrop": [65, 134], "antialia": 65, "randomhorizontalflip": 65, "p": 65, "485": 65, "456": 65, "406": 65, "std": [65, 71, 74, 75, 76, 91, 92, 93, 94, 124], "229": 65, "225": 65, "overlap": [65, 79, 125], "iou_threshold": [65, 79, 123], "max_num_inst": [65, 123], "03": [65, 138], "tiler": 65, "use_bbox": 65, "use_point": 65, "deviceconfig": [66, 126], "explainconfig": [67, 126, 136], "target_explain_group": [67, 136], "targetexplaingroup": [67, 109, 136], "num_trial": [68, 126], "lightningdatamodul": 69, "predict_dataload": 69, "test_dataload": 69, "train_dataload": [69, 126], "val_dataload": 69, "hparams_initi": 69, "attributedict": 69, "save_hyperparamet": 69, "primit": 69, "loggabl": 69, "unresolv": 69, "otxdatasetfactori": 69, "dm_subset": 69, "datasetsubset": 69, "mem_cache_handl": 69, "memcachehandlerbas": 69, "cfg_subset": 69, "cfg_data_modul": 69, "transformlibfactori": 69, "otxmodelexport": [71, 74, 75], "resize_mod": [71, 74, 75, 76], "fit_to_window": [71, 74, 75, 76], "fit_to_window_letterbox": [71, 74, 75, 76], "pad_valu": [71, 74, 75, 76, 92, 93], "swap_rgb": [71, 74, 75, 76], "output_nam": [71, 74, 75, 76], "bgr": [71, 74], "base_model_nam": [71, 74, 75, 76], "otxexportformattyp": [71, 76, 84, 99, 100, 110, 126], "otxprecisiontyp": [71, 74, 75, 76, 84, 99, 100, 112, 126], "artifact": [71, 74, 76, 140], "otxexportprecisiontyp": [71, 76, 84, 99, 100, 126], "to_exportable_cod": 71, "zip": [71, 137], "runabl": 71, "to_onnx": [71, 74, 75, 76], "embed_metadata": [71, 74, 75, 76], "to_openvino": [71, 74, 75, 76], "mmdeployexport": 74, "model_build": 74, "model_cfg": 74, "deploy_cfg": 74, "mmconfig": [74, 118], "test_pipelin": 74, "max_num_detect": 74, "mm": [74, 124], "mmengin": [74, 118], "ir_config": 74, "cvt_torch2onnx_partit": 74, "partition_cfg": 74, "partit": 74, "load_mmconfig_from_pkg": 74, "configuraiton": 74, "mmdeploy_init_model_help": 74, "_": [74, 134], "helper": 74, "patch_input_shap": 74, "patch_ir_scale_factor": 74, "hyper_paramet": 74, "inplac": [74, 99, 118], "detectionconfig": 74, "use_temporary_default_scop": 74, "temporari": 74, "scope": 74, "defaultscop": 74, "problemat": 74, "tri": [74, 126], "otxnativemodelexport": [75, 76], "via_onnx": [75, 76], "onnx_export_configur": [75, 76], "otxvisualpromptingmodelexport": 76, "nativ": 76, "get_onnx_dummy_input": 76, "exported_model_image_encod": [76, 146], "exported_model_decod": [76, 146], "dummi": 76, "accuracywithlabelgroup": 78, "micro": 78, "macro": 78, "label_group": 78, "label_info": [78, 84, 99, 100, 101], "labelinfo": [78, 84, 99, 100, 101], "hlabelaccuraci": 78, "hierarchi": [78, 85, 133], "cusotmmultilabelaccuraci": 78, "mixedhlabelaccuraci": [78, 101], "head_logits_info": [78, 101], "threshold_multilabel": 78, "torchmetr": [78, 106], "customhlabelaccuraci": 78, "cusotmhlabelaccuraci": 78, "head_idx_to_logits_rang": 78, "multiclassaccuracywithlabelgroup": 78, "multilabelaccuracywithlabelgroup": 78, "lable_group": 78, "namedconfusionmatrix": 78, "col_nam": 78, "row_nam": 78, "num_label": 78, "validate_arg": 78, "confusionmatrix": 78, "confus": 78, "matrix": [78, 79], "row": 78, "col": 78, "colum": 78, "best_confidence_threshold": 79, "vary_nms_threshold": 79, "cross_class_nm": 79, "f": [79, 140], "measur": [79, 124, 138, 139, 140, 141, 142, 146], "resultset": 79, "recal": 79, "spuriou": 79, "suppress": [79, 123], "nm": 79, "suffici": 79, "prediciton": 79, "scoremetr": 79, "best_nms_threshold": 79, "f_measur": 79, "f_measure_per_confid": 79, "curv": 79, "f_measure_per_label": 79, "f_measure_per_nm": 79, "curvemetr": 79, "bounding_box_intersection_over_union": 79, "box1": 79, "box2": 79, "x1": 79, "y1": 79, "x2": 79, "y2": 79, "outsid": [79, 137], "get_iou_matrix": 79, "num_ground_truth_box": 79, "num_predicted_box": 79, "cell": 79, "boxes_per_imag": 79, "boxes1": 79, "boxes_per_image_1": 79, "boxes_per_image_2": 79, "boxes_per_image_3": 79, "boxes2": 79, "ground_truth_box": 79, "predicted_box": 79, "get_n_false_neg": 79, "iou_matrix": 79, "loop": [79, 99, 127, 137], "undetect": 79, "rarer": 79, "principl": 79, "uniqu": 79, "intersection_box": 79, "x_left": 79, "x_right": 79, "y_bottom": 79, "y_top": 79, "mmactioncompatiblemodel": [82, 83], "otxactionclsmodel": [82, 97], "compit": [82, 83], "mmaction": [82, 83, 138], "translat": [82, 83, 85, 86, 89, 130], "translate_mmrecip": [82, 83, 85, 86, 89], "actionclsbatchdataent": [82, 97], "actionclsbatchpredent": 82, "t_otxbatchpredentitywithxai": [82, 83, 84, 85, 95], "t_otxtilebatchdataent": [82, 83, 84, 85, 89, 95], "ovactionclsmodel": 82, "model_nam": [82, 84, 85, 86, 87, 88, 89, 95, 126], "model_typ": [82, 84, 85, 86, 87, 88, 89, 95], "async_infer": [82, 84, 85, 86, 87, 88, 89, 95], "max_num_request": [82, 84, 85, 86, 87, 88, 89, 95], "use_throughput_mod": [82, 84, 85, 86, 87, 88, 89, 95], "model_api_configur": [82, 84, 85, 86, 87, 88, 89, 95], "ovmodel": [82, 84, 85, 86, 87, 89, 95], "actionclsbatchpredentitywithxai": 82, "transform_fn": [82, 84], "data_batch": [82, 84], "model_adapter_paramet": [82, 84], "otxactiondetmodel": [83, 98], "actiondetbatchdataent": [83, 98], "actiondetbatchpredent": 83, "t_otxbatchdataent": [84, 85], "t_otxbatchpredent": [84, 85, 123], "base_nam": [84, 99, 100], "forward_explain": [84, 85, 86, 87], "forward_til": [84, 86, 87], "get_explain_fn": [84, 85, 86, 87], "map_class_nam": 84, "src_class": 84, "dst_class": 84, "dst": 84, "src2dst": 84, "src_idx": 84, "dst_idx": 84, "assert": 84, "len": 84, "ex": 84, "person": [84, 142, 146], "sky": 84, "ball": 84, "data_modul": [84, 95], "ptq_config": [84, 95], "calibr": 84, "register_load_state_dict_pre_hook": [84, 100], "model_class": [84, 100], "ckpt_class": [84, 100], "explain_mod": 84, "redefin": [84, 85], "synchron": 84, "explainableotxclsmodel": 85, "attach": [85, 86, 87], "head_forward_fn": 85, "has_gap": 85, "mmpretrainhlabelclsmodel": 85, "otxhlabelclsmodel": [85, 101], "hierarchical_info": 85, "mmpretrainmulticlassclsmodel": 85, "mmpretrainmultilabelclsmodel": 85, "otxmultilabelclsmodel": [85, 101], "hlabelclsbatchdataent": [85, 101], "hlabelclsbatchpredent": 85, "hlabelclsbatchpredentitywithxai": 85, "multiclassclsbatchdataent": [85, 101], "multiclassclsbatchpredent": 85, "multiclassclsbatchpredentitywithxai": 85, "multilabelclsbatchdataent": [85, 101], "multilabelclsbatchpredent": 85, "multilabelclsbatchpredentitywithxai": 85, "ovhlabelclassificationmodel": 85, "placehold": 85, "ovmulticlassclassificationmodel": 85, "ovmultilabelclassificationmodel": 85, "explainableotxdetmodel": [86, 102], "detbatchpredentitywithxai": [86, 123], "get_num_anchor": 86, "tilebatchdetdataent": 86, "unpack": [86, 87], "ovdetectionmodel": 86, "explainableotxinstancesegmodel": [87, 103], "otxinstancesegmodel": [87, 88], "instancesegbatchdataent": [87, 103], "instancesegbatchpredent": [87, 103, 104, 123], "instancesegbatchpredentitywithxai": [87, 123], "mmdetinstancesegcompatiblemodel": [87, 88], "tilebatchinstsegdataent": 87, "ovinstancesegmentationmodel": [87, 88], "mmdetrotateddetmodel": 88, "otxrotateddetmodel": [88, 104], "compaibl": 88, "ovrotateddetectionmodel": 88, "mmsegcompatiblemodel": 89, "otxsegmentationmodel": [89, 105], "mmseg": 89, "segbatchdataent": [89, 105], "segbatchpredent": 89, "segbatchpredentitywithxai": 89, "ovsegmentationmodel": 89, "actiondatapreprocessor": 91, "to_rgb": [91, 93], "to_float32": 91, "blend": 91, "format_shap": 91, "nchw": 91, "monkei": [91, 92, 93, 94], "preprocessor": [91, 92, 93, 94], "histori": [91, 92, 93, 94], "2743": [91, 92, 93, 94], "detdatapreprocessor": 92, "pad_size_divisor": [92, 93], "pad_mask": 92, "mask_pad_valu": 92, "pad_seg": 92, "seg_pad_valu": 92, "bgr_to_rgb": [92, 94], "rgb_to_bgr": [92, 94], "boxtype2tensor": 92, "non_block": 92, "batch_aug": [92, 93, 94], "clsdatapreprocessor": 93, "to_onehot": 93, "segdatapreprocessor": 94, "size_divisor": 94, "pad_val": 94, "seg_pad_v": 94, "bgr2rgb": 94, "basedatapreprocessor": 94, "stack_batch": 94, "samplelist": 94, "stack": 94, "gt_sem_seg": 94, "chw": 94, "segdatasampl": 94, "divisor": 94, "4d": 94, "gt_seg_map": 94, "visualpromptingbatchdataent": [95, 106], "visualpromptingbatchpredent": [95, 106], "ovvisualpromptingmodel": 95, "ovzeroshotvisualpromptingmodel": 95, "zero_shot_visual_prompt": 95, "downsiz": 95, "otxactionclslitmodul": 97, "otx_model": [97, 98, 100, 101, 102, 103, 104, 105, 106], "torch_compil": [97, 98, 100, 101, 102, 103, 104, 105, 106], "optimizercal": [97, 98, 100, 101, 102, 103, 104, 105, 106, 126], "lrschedulercal": [97, 98, 100, 101, 102, 103, 104, 105, 106, 126], "constantlr": [97, 98, 100, 101, 102, 103, 104, 105, 106], "test_step": [97, 98, 99, 101, 102, 103, 105, 106], "batch_idx": [97, 98, 99, 100, 101, 102, 103, 105, 106], "validation_step": [97, 98, 99, 101, 102, 103, 105, 106], "otxactiondetlitmodul": 98, "otxanomali": 99, "configure_callback": 99, "configure_optim": [99, 100, 106], "trainable_model": 99, "anomalyclassificationdatabatch": 99, "anomalysegmentationdatabatch": 99, "anomalydetectiondatabatch": 99, "anomalyclassificationbatchpredict": 99, "anomalysegmentationbatchpredict": 99, "anomalydetectionbatchpredict": 99, "wrap": 99, "ordereddict": 99, "on_predict_batch_end": 99, "dataloader_idx": 99, "datatyp": 99, "batchpredict": 99, "on_test_batch_end": 99, "predict_step": [99, 104], "anomalymodelinput": 99, "step_output": 99, "training_step": [99, 100, 106], "tasktyp": 99, "cleanest": 99, "configure_metr": [100, 101, 102, 103, 105, 106], "gan": 100, "lightning_modul": 100, "successfulli": 100, "resum": [100, 126], "load_state_pre_hook": 100, "smart": 100, "on_test_epoch_end": [100, 103, 106], "trigger": [100, 103, 106, 131], "on_test_epoch_start": [100, 106], "on_test_start": [100, 106], "on_validation_epoch_end": [100, 103, 106], "on_validation_epoch_start": [100, 106], "on_validation_start": 100, "someth": 100, "ddp": 100, "otxhlabelclslitmodul": 101, "functool": 101, "otxmulticlassclslitmodul": 101, "otxmultilabelclslitmodul": 101, "otxdetectionlitmodul": 102, "otxinstanceseglitmodul": [103, 104], "typeerror": [103, 106], "otxrotateddetlitmodul": 104, "overridden": 104, "rbox": 104, "otxsegmentationlitmodul": 105, "otxvisualpromptinglitmodul": 106, "meanmetr": 106, "on_train_epoch_end": 106, "on_train_epoch_start": 106, "otxzeroshotvisualpromptinglitmodul": 106, "unus": 106, "on_predict_start": 106, "on_train_start": 106, "reserv": 107, "impli": 109, "imagetyp": 111, "intenum": [111, 127], "imageinfo": [111, 123], "get_image_typ": 111, "build_mm_model": 116, "sometim": 116, "get_default_num_async_infer_request": 116, "request": 116, "modify_num_class": 116, "trainerargumentscach": 117, "omegaconf": 117, "val_check_interv": [117, 126], "get_trainer_constructor_arg": 117, "requires_upd": 117, "convert_conf_to_mmconfig_dict": 118, "inplace_num_class": 118, "listconfig": 118, "mmconfig_dict_to_dict": 118, "obj": 118, "to_list": 118, "dict_": 118, "recurs": 118, "to_tupl": 118, "get_otx_root_path": 119, "instantiate_callback": 120, "callbacks_cfg": 120, "instantiate_logg": 120, "logger_cfg": 120, "instantiate_sampl": 120, "sampler_config": 120, "partial_instantiate_class": 120, "qualifi": 120, "encode_rl": 121, "rle": 121, "rewrit": 121, "cocodataset": 121, "cocoapi": 121, "count": [121, 133], "Or": 121, "polygon_to_bitmap": 121, "bitmap": 121, "polygon_to_rl": 121, "get_pylogg": 122, "__name__": 122, "detectiontilemerg": 123, "img_info": 123, "tilemerg": 123, "batch_tile_pr": 123, "batch_tile_attr": 123, "detpredent": 123, "instancesegtilemerg": 123, "instancesegpredent": 123, "seg": [123, 133], "t_otxdataent": 123, "nms_postprocess": 123, "get_adaptive_num_work": 124, "num_dataload": 124, "get_idx_list_per_class": 124, "dm_dataset": 124, "dmdataset": 124, "use_string_label": 124, "get_mean_std_from_data_process": 124, "data_process": 124, "is_ckpt_for_finetun": 124, "is_ckpt_from_otx_v1": 124, "otx1": 124, "anomalydatamodul": 125, "data_dir": 125, "train_batch_s": 125, "train_num_work": 125, "train_transform": 125, "train_transform_lib_typ": 125, "val_batch_s": 125, "val_num_work": 125, "val_transform": 125, "val_transform_lib_typ": 125, "test_batch_s": 125, "test_num_work": 125, "test_transform": 125, "test_transform_lib_typ": 125, "govern": 126, "eval_dataload": 126, "explain_config": [126, 136], "export_config": 126, "exportconfig": 126, "from_model_nam": 126, "max_data_subset_s": 126, "path_to_ir_xml": 126, "return_predict": 126, "_precision_input": 126, "failur": 126, "trainer_param": 126, "hpobas": 127, "asyncron": 127, "novel": 127, "bandit": 127, "jmlr": 127, "2018": 127, "1603": 127, "06560": 127, "washington": 127, "edu": 127, "jamieson": 127, "massiv": 127, "mlsy": 127, "2020": 127, "1810": 127, "05934": 127, "decicd": 127, "auto_config": 127, "align": 127, "lesser": 127, "get_best_config": 127, "get_next_sampl": 127, "ashatri": 127, "get_progress": 127, "progress": 127, "is_don": 127, "print_result": 127, "report_scor": 127, "trial_id": 127, "hashabl": 127, "trialstatu": 127, "decid": 127, "save_result": 127, "run_hpo_loop": 127, "hpo_algo": 127, "train_func": 127, "resource_typ": 127, "num_parallel_tri": 127, "num_gpu_for_single_tri": 127, "cpuresourcemanag": 127, "gpuresourcemanag": 127, "runnabl": 129, "script": [129, 130], "append_main_proc_signal_handl": 131, "sig_num": 131, "sig_handl": 131, "append": 131, "handler": 131, "signal": 131, "append_signal_handl": 131, "sent": 131, "featurevectorhook": 133, "segmant": 133, "otxsampl": 133, "adaptiverepeatdatahook": 133, "semi": 133, "sl": 133, "track": 133, "refin": 133, "timeout": 133, "cl": 133, "det": 133, "iseg": 133, "sseg": 133, "modelapi": 133, "numpi": 133, "bump": 133, "minor": 133, "readm": [133, 137, 140], "encrypt": 133, "oom": 133, "deform": 133, "detr": 133, "channel_last": 133, "persistent_work": 133, "pin_memori": 133, "prototyp": 133, "reciev": 133, "2023": 133, "verion": 133, "centercrop": 133, "switch": 133, "direct": [133, 134], "storag": 133, "apach": 133, "arrow": 133, "greedi": 133, "noisi": 133, "labeltre": 133, "labelschema": 133, "speedup": 133, "classificaiton": 133, "refactor": 133, "mmdeploi": 133, "consumpt": 133, "cli_report": 133, "detcon": 133, "supcon": 133, "visiontransform": 133, "parametr": [133, 136], "bring": 133, "mpa": 133, "proof": 133, "review": 133, "pot": 133, "stat_requests_numb": 133, "mobilenet_v3_larg": 134, "mobilenetv3formulticlasscl": 134, "0058": 134, "warmupreducelronplateau": 134, "warmup_step": 134, "_base_": 134, "mmpretrain_bas": 134, "readthedoc": 134, "io": 134, "v4": 134, "loadimagefromfil": 134, "cv2": 134, "prob": 134, "randomflip": 134, "packinput": 134, "print_config": [134, 141, 142, 144, 145, 146], "ligthn": 134, "write": 135, "gave": 136, "epoch_": [136, 138, 139, 141, 142, 144, 145, 146], "20240312_051135": [136, 138, 139, 141, 142, 144, 145], "epoch_033": [136, 139, 142, 144, 145], "overlai": 136, "feature_map": 136, "20240312_052847": [136, 138, 140, 141, 142, 144, 145], "xml_weights_path": 136, "grayscal": 136, "colormap": 136, "chosen": 136, "ll": [137, 141, 145], "exportable_cod": 137, "dir": [137, 138, 139, 140, 141, 142, 144, 145, 146], "nad": 137, "archiv": 137, "licens": [137, 140], "md": 137, "demo_packag": 137, "pytorch_checkpoint": 137, "abl": 137, "footag": 137, "camera": 137, "unzip": [137, 141], "brand": 137, "minimalist": 137, "python3": 137, "demo_venv": 137, "wgisd_dataset_sampl": 137, "press": 137, "q": 137, "screen": 137, "enforc": 137, "button": 137, "kill": 137, "termin": 137, "ctrl": 137, "resulted_imag": 137, "sudo": 137, "apt": 137, "v4l": 137, "v4l2": 137, "ctl": 137, "usb": 137, "0000": 137, "00": [137, 138, 140, 141, 142, 144, 145, 146], "1a": 137, "video0": 137, "live": [138, 139, 141], "been": [138, 139, 140, 141, 142, 144, 145, 146], "tm": [138, 139, 140, 141, 142, 144, 145, 146], "i9": [138, 139, 140, 141, 142, 144, 145, 146], "10980xe": [138, 139, 141], "univers": [138, 139, 140, 141, 142, 144, 145, 146], "covert": 138, "silky_straight_hair_original_brush_hair_h_nm_np1_ba_goo_0": 138, "avi": 138, "csv": [138, 139, 141, 142, 144, 145, 146], "red_head_brush_hair_u_cm_np1_ba_goo_0": 138, "sarah_brushing_her_hair_brush_hair_h_cm_np1_ri_goo_0": 138, "And": 138, "youtube_id": 138, "time_start": 138, "time_end": 138, "is_cc": 138, "brush_hair": 138, "276": 138, "timestamp": [138, 139, 140, 141, 142, 144, 145, 146], "20240403_134256": [138, 139, 141, 142, 144, 145, 146], "characterist": [138, 139, 141, 142, 144, 145, 146], "took": [138, 139, 141, 142, 144, 145, 146], "evali": 138, "snapshot": [138, 139, 141, 142, 144, 145, 146], "6039215922355652": 138, "data_tim": [138, 139, 140, 141, 142, 144, 146], "13730056583881378": 138, "iter_tim": [138, 139, 140, 141, 142, 144, 146], "16275013983249664": 138, "version_0": [138, 139, 141, 142, 144, 145, 146], "runtim": [138, 141, 142, 146], "295829": 138, "5222222208976746": 138, "14048805832862854": 138, "5871070623397827": 138, "209": 138, "613333": 138, "20240312_055042": [138, 141, 142, 144, 145], "optimized_model": [138, 140, 141, 142, 144, 145], "5078431367874146": 138, "23449821770191193": 138, "4908757507801056": 138, "255130": 138, "spatio": 139, "jhmdb_10": 139, "ava_action_list_v2": 139, "pbtxt": 139, "ava_test": 139, "ava_train": 139, "ava_v": 139, "pkl": 139, "train_video001": 139, "train_video001_0001": 139, "test_video001": 139, "test_video001_0001": 139, "006367621477693319": 139, "02698644995689392": 139, "10247182101011276": 139, "3779516816139221": 139, "map_75": [139, 142, 144, 146], "03639398142695427": 139, "map_larg": [139, 142, 146], "11831618845462799": 139, "map_medium": [139, 142, 146], "02958027645945549": 139, "map_per_class": [139, 142, 146], "map_smal": [139, 142, 146], "mar_1": [139, 142, 146], "12753313779830933": 139, "mar_10": [139, 142, 146], "1305265873670578": 139, "mar_100": [139, 142, 146], "mar_100_per_class": [139, 142, 146], "mar_larg": [139, 142, 146], "14978596568107605": 139, "mar_medium": [139, 142, 146], "06217033043503761": 139, "mar_smal": [139, 142, 146], "11900": [140, 142, 144, 145, 146], "bottl": 140, "broken_larg": 140, "001_mask": 140, "002_mask": 140, "broken_smal": 140, "stfpm": 140, "padim": 140, "notic": 140, "image_auroc": 140, "image_f1scor": 140, "pixel_auroc": 140, "pixel_f1scor": 140, "6517705321311951": 140, "6630784869194031": 140, "20240313_042421": 140, "epoch_010": 140, "588245": [140, 142, 144, 145], "20240313_052847": 140, "yamll": 140, "02": [140, 141, 142, 144, 145], "958733": [140, 141, 142, 144, 145], "20240313_055042": 140, "260521": [140, 141, 142, 144, 145], "substitut": 141, "everyth": 141, "wget": 141, "example_imag": 141, "flower_photo": 141, "tgz": 141, "tar": 141, "xzvf": 141, "insert": [141, 146], "mkdir": [141, 142, 144, 146], "daisi": 141, "dandelion": 141, "rose": 141, "sunflow": 141, "tulip": 141, "cp": [141, 142, 144, 146], "exact": 141, "tv_efficientnet_b0": 141, "tv_resnet_50": 141, "efficientnet_v2_light": 141, "tv_efficientnet_b3": 141, "efficientnet_b0_light": 141, "tv_efficientnet_v2_l": 141, "tv_efficientnet_b1": 141, "tv_mobilenet_v3_smal": 141, "otx_mobilenet_v3_larg": 141, "otx_deit_tini": 141, "tv_efficientnet_b4": 141, "otx_efficientnet_v2": 141, "mobilenet_v3_large_light": 141, "otx_efficientnet_b0": 141, "otx_dino_v2": 141, "otx_dino_v2_linear_prob": 141, "counterintuit": [141, 142, 144, 146], "disable_infer_num_class": [141, 142, 144, 145, 146], "9929155111312866": 141, "0430680550634861": 141, "058606021106243134": 141, "epoch_014": 141, "446673": 141, "9931880235671997": 141, "018398193642497063": 141, "2764030694961548": 141, "989645779132843": 141, "00853706430643797": 141, "43554383516311646": 141, "reveal": [142, 144, 146], "page": [142, 144, 146, 148], "grapevin": [142, 144, 146], "grape": [142, 144, 146], "cdy": [142, 144, 146], "chardonnai": [142, 144, 146], "cfr": [142, 144, 146], "cabernet": [142, 144, 146], "franc": [142, 144, 146], "sauvignon": [142, 144, 146], "svb": [142, 144, 146], "blanc": [142, 144, 146], "syh": [142, 144, 146], "syrah": [142, 144, 146], "great": [142, 146], "reformat": [142, 146], "meet": [142, 144, 146], "_train": [142, 144, 146], "025369757786393166": 142, "8693901896476746": 142, "08180806040763855": 142, "5444773435592651": 142, "5761404037475586": 142, "561242401599884": 142, "2926788330078125": 142, "055956535041332245": 142, "45759353041648865": 142, "6809769868850708": 142, "6932432055473328": 142, "46584922075271606": 142, "toi": [144, 146], "train_polygons_inst": 144, "test_polygons_inst": 144, "maskrcnn_r50": [144, 145], "maskrcnn_r50_til": 144, "maskrcnn_swint": 144, "maskrcnn_efficientnetb2b": 144, "rtmdet_inst_tini": 144, "maskrcnn_efficientnetb2b_til": 144, "maskrcnn_swint_til": 144, "mostli": [144, 146], "workplac": [144, 145, 146], "0007903117220848799": 144, "062202490866184235": 144, "33679962158203125": 144, "5482384562492371": [144, 145], "37118086218833923": 144, "epoch_059": [144, 145], "hood": [144, 145], "less": [144, 145], "voc2012": 145, "semnat": 145, "common_semantic_segmentation_dataset": 145, "segnext_t": 145, "segnext_b": 145, "dino_v2": 145, "litehrnet_18": 145, "segnext_": 145, "litehrnet_x": 145, "litehrnet_": 145, "1556396484375": 145, "0009265312692150474": 146, "9201090335845947": 146, "9201071262359619": 146, "8520355224609375": 146, "3015514016151428": 146, "5886790156364441": 146, "9061686396598816": 146, "6716098785400391": 146, "7401198148727417": 146, "5705212950706482": 146, "21598181128501892": 146, "03824029490351677": 146, "3468073010444641": 146, "614170253276825": 146, "766523003578186": 146, "599896252155304": 146, "2501521706581116": 146, "epoch_009": 146, "0009342798730358481": 146, "31654438376426697": 146, "396129": 146, "313879": 146, "0007283412269316614": 146, "9990837574005127": 146, "9169966578483582": 146, "8467163443565369": 146, "1121630668640137": 146, "47309553623199463": 146, "8371172547340393": 146, "5044668912887573": 146, "6876431107521057": 146, "5046071410179138": 146, "11672457307577133": 146, "02601064182817936": 146, "26142847537994385": 146, "6027402281761169": 146, "7594292163848877": 146, "5897444486618042": 146, "22268414497375488": 146, "0007516053738072515": 146, "09753680229187": 146, "matter": 146, "609954": 146, "fault": 146, "occur": 146, "thread": 146, "affect": 146, "optimized_model_decod": 146, "0007440951885655522": 146, "998199462890625": 146, "853766918182373": 146, "7448458075523376": 146, "8865625858306885": 146, "23295165598392487": 146, "5494663119316101": 146, "15102604031562805": 146, "45290130376815796": 146, "16153287887573242": 146, "012729672715067863": 146, "014449129812419415": 146, "15996699035167694": 146, "3901452422142029": 146, "5868775844573975": 146, "30925533175468445": 146, "027198636904358864": 146}, "objects": {"": [[32, 0, 0, "-", "otx"]], "otx": [[33, 0, 0, "-", "algo"], [55, 0, 0, "-", "cli"], [63, 0, 0, "-", "core"], [125, 0, 0, "-", "data"], [126, 0, 0, "-", "engine"], [127, 0, 0, "-", "hpo"], [128, 0, 0, "-", "recipe"], [129, 0, 0, "-", "tools"], [131, 0, 0, "-", "utils"]], "otx.algo": [[34, 0, 0, "-", "accelerators"], [35, 0, 0, "-", "action_classification"], [36, 0, 0, "-", "classification"], [40, 0, 0, "-", "detection"], [45, 0, 0, "-", "plugins"], [46, 0, 0, "-", "segmentation"], [50, 0, 0, "-", "strategies"], [51, 0, 0, "-", "visual_prompting"]], "otx.algo.accelerators": [[34, 1, 1, "", "XPUAccelerator"]], "otx.algo.accelerators.XPUAccelerator": [[34, 2, 1, "", "auto_device_count"], [34, 2, 1, "", "get_device_stats"], [34, 2, 1, "", "get_parallel_devices"], [34, 2, 1, "", "is_available"], [34, 2, 1, "", "parse_devices"], [34, 2, 1, "", "patch_packages_xpu"], [34, 2, 1, "", "revert_packages_xpu"], [34, 2, 1, "", "setup_device"], [34, 2, 1, "", "teardown"]], "otx.algo.action_classification": [[35, 1, 1, "", "MoViNetHead"], [35, 1, 1, "", "MoViNetRecognizer"], [35, 1, 1, "", "OTXMoViNet"], [35, 1, 1, "", "OTXOVActionCls"], [35, 1, 1, "", "OTXRecognizer3D"]], "otx.algo.action_classification.MoViNetHead": [[35, 2, 1, "", "forward"], [35, 2, 1, "", "init_weights"]], "otx.algo.action_classification.MoViNetRecognizer": [[35, 2, 1, "", "load_state_dict_pre_hook"], [35, 2, 1, "", "state_dict_hook"]], "otx.algo.action_classification.OTXMoViNet": [[35, 2, 1, "", "fill_conv"], [35, 2, 1, "", "fill_se_config"]], "otx.algo.action_classification.OTXOVActionCls": [[35, 2, 1, "", "postprocess"], [35, 2, 1, "", "preprocess"]], "otx.algo.classification": [[36, 1, 1, "", "DINOv2"], [36, 1, 1, "", "DINOv2RegisterClassifier"], [37, 0, 0, "-", "backbones"], [38, 0, 0, "-", "heads"], [39, 0, 0, "-", "losses"]], "otx.algo.classification.DINOv2": [[36, 2, 1, "", "forward"]], "otx.algo.classification.backbones": [[37, 1, 1, "", "OTXEfficientNet"], [37, 1, 1, "", "OTXEfficientNetV2"], [37, 1, 1, "", "OTXMobileNetV3"]], "otx.algo.classification.backbones.OTXEfficientNet": [[37, 2, 1, "", "forward"], [37, 2, 1, "", "init_weights"]], "otx.algo.classification.backbones.OTXEfficientNetV2": [[37, 2, 1, "", "init_weights"]], "otx.algo.classification.backbones.OTXMobileNetV3": [[37, 2, 1, "", "forward"], [37, 2, 1, "", "init_weights"]], "otx.algo.classification.heads": [[38, 1, 1, "", "CustomHierarchicalLinearClsHead"], [38, 1, 1, "", "CustomHierarchicalNonLinearClsHead"], [38, 1, 1, "", "CustomMultiLabelLinearClsHead"], [38, 1, 1, "", "CustomMultiLabelNonLinearClsHead"]], "otx.algo.classification.heads.CustomHierarchicalLinearClsHead": [[38, 2, 1, "", "forward"], [38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"], [38, 2, 1, "", "pre_logits"], [38, 2, 1, "", "predict"], [38, 2, 1, "", "set_hlabel_info"]], "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead": [[38, 2, 1, "", "forward"], [38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"], [38, 2, 1, "", "pre_logits"], [38, 2, 1, "", "predict"], [38, 2, 1, "", "set_hlabel_info"]], "otx.algo.classification.heads.CustomMultiLabelLinearClsHead": [[38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"]], "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead": [[38, 2, 1, "", "forward"], [38, 2, 1, "", "get_valid_label_mask"], [38, 2, 1, "", "loss"]], "otx.algo.classification.losses": [[39, 1, 1, "", "AsymmetricAngularLossWithIgnore"]], "otx.algo.classification.losses.AsymmetricAngularLossWithIgnore": [[39, 2, 1, "", "forward"]], "otx.algo.detection": [[40, 1, 1, "", "SSD"], [41, 0, 0, "-", "backbones"], [43, 0, 0, "-", "heads"], [44, 0, 0, "-", "losses"]], "otx.algo.detection.SSD": [[40, 2, 1, "", "get_classification_layers"], [40, 2, 1, "", "load_from_otx_v1_ckpt"], [40, 2, 1, "", "load_state_dict_pre_hook"], [40, 2, 1, "", "setup_callback"], [40, 2, 1, "", "state_dict"]], "otx.algo.detection.backbones": [[42, 0, 0, "-", "pytorchcv_backbones"]], "otx.algo.detection.backbones.pytorchcv_backbones": [[42, 3, 1, "", "init_weights"], [42, 3, 1, "", "multioutput_forward"], [42, 3, 1, "", "replace_activation"], [42, 3, 1, "", "replace_norm"], [42, 3, 1, "", "train"]], "otx.algo.detection.heads": [[43, 1, 1, "", "CustomATSSHead"], [43, 1, 1, "", "CustomSSDHead"], [43, 1, 1, "", "SSDAnchorGeneratorClustered"]], "otx.algo.detection.heads.CustomATSSHead": [[43, 2, 1, "", "get_targets"], [43, 2, 1, "", "loss_by_feat"], [43, 2, 1, "", "loss_by_feat_single"]], "otx.algo.detection.heads.SSDAnchorGeneratorClustered": [[43, 2, 1, "", "gen_base_anchors"], [43, 2, 1, "", "gen_single_level_base_anchors"]], "otx.algo.plugins": [[45, 1, 1, "", "MixedPrecisionXPUPlugin"]], "otx.algo.plugins.MixedPrecisionXPUPlugin": [[45, 2, 1, "", "clip_gradients"], [45, 2, 1, "", "forward_context"], [45, 2, 1, "", "load_state_dict"], [45, 2, 1, "", "optimizer_step"], [45, 2, 1, "", "pre_backward"], [45, 2, 1, "", "state_dict"]], "otx.algo.segmentation": [[47, 0, 0, "-", "backbones"], [48, 0, 0, "-", "heads"], [49, 0, 0, "-", "losses"]], "otx.algo.segmentation.backbones": [[47, 1, 1, "", "DinoVisionTransformer"], [47, 1, 1, "", "LiteHRNet"]], "otx.algo.segmentation.backbones.DinoVisionTransformer": [[47, 2, 1, "", "forward"], [47, 2, 1, "", "init_weights"]], "otx.algo.segmentation.backbones.LiteHRNet": [[47, 2, 1, "", "forward"]], "otx.algo.segmentation.heads": [[48, 1, 1, "", "CustomFCNHead"], [48, 1, 1, "", "CustomLightHamHead"]], "otx.algo.segmentation.losses": [[49, 1, 1, "", "CrossEntropyLossWithIgnore"]], "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore": [[49, 2, 1, "", "forward"], [49, 4, 1, "", "loss_name"]], "otx.algo.strategies": [[50, 1, 1, "", "SingleXPUStrategy"]], "otx.algo.strategies.SingleXPUStrategy": [[50, 4, 1, "", "is_distributed"], [50, 2, 1, "", "setup_optimizers"]], "otx.algo.visual_prompting": [[51, 1, 1, "", "OTXSegmentAnything"], [51, 1, 1, "", "OTXZeroShotSegmentAnything"], [51, 1, 1, "", "SegmentAnything"], [51, 1, 1, "", "VisualPromptingDecoder"], [51, 1, 1, "", "VisualPromptingImageEncoder"], [51, 1, 1, "", "ZeroShotSegmentAnything"], [52, 0, 0, "-", "backbones"], [53, 0, 0, "-", "decoders"], [54, 0, 0, "-", "encoders"]], "otx.algo.visual_prompting.OTXZeroShotSegmentAnything": [[51, 2, 1, "", "apply_boxes"], [51, 2, 1, "", "apply_coords"], [51, 2, 1, "", "apply_image"], [51, 2, 1, "", "apply_points"], [51, 2, 1, "", "apply_prompts"], [51, 2, 1, "", "forward"], [51, 2, 1, "", "get_preprocess_shape"], [51, 2, 1, "", "infer"], [51, 2, 1, "", "initialize_reference_info"], [51, 2, 1, "", "learn"], [51, 2, 1, "", "load_latest_reference_info"], [51, 2, 1, "", "preprocess"], [51, 2, 1, "", "transforms"]], "otx.algo.visual_prompting.SegmentAnything": [[51, 2, 1, "", "calculate_dice_loss"], [51, 2, 1, "", "calculate_iou"], [51, 2, 1, "", "calculate_sigmoid_ce_focal_loss"], [51, 2, 1, "", "calculate_stability_score"], [51, 2, 1, "", "forward"], [51, 2, 1, "", "forward_inference"], [51, 2, 1, "", "forward_train"], [51, 2, 1, "", "freeze_networks"], [51, 2, 1, "", "get_prepadded_size"], [51, 2, 1, "", "load_checkpoint"], [51, 2, 1, "", "postprocess_masks"], [51, 2, 1, "", "select_masks"]], "otx.algo.visual_prompting.VisualPromptingDecoder": [[51, 2, 1, "", "apply_coords"], [51, 2, 1, "", "parameters"], [51, 2, 1, "", "postprocess"], [51, 2, 1, "", "preprocess"]], "otx.algo.visual_prompting.VisualPromptingImageEncoder": [[51, 2, 1, "", "parameters"], [51, 2, 1, "", "preprocess"]], "otx.algo.visual_prompting.ZeroShotSegmentAnything": [[51, 2, 1, "", "expand_reference_info"], [51, 2, 1, "", "infer"], [51, 2, 1, "", "learn"], [51, 2, 1, "", "pad_to_square"], [51, 2, 1, "", "set_default_config"]], "otx.algo.visual_prompting.backbones": [[52, 1, 1, "", "TinyViT"], [52, 1, 1, "", "ViT"]], "otx.algo.visual_prompting.backbones.TinyViT": [[52, 2, 1, "", "forward"], [52, 2, 1, "", "no_weight_decay_keywords"], [52, 2, 1, "", "set_layer_lr_decay"]], "otx.algo.visual_prompting.backbones.ViT": [[52, 2, 1, "", "forward"]], "otx.algo.visual_prompting.decoders": [[53, 1, 1, "", "SAMMaskDecoder"]], "otx.algo.visual_prompting.decoders.SAMMaskDecoder": [[53, 2, 1, "", "forward"], [53, 2, 1, "", "predict_masks"]], "otx.algo.visual_prompting.encoders": [[54, 1, 1, "", "SAMImageEncoder"], [54, 1, 1, "", "SAMPromptEncoder"]], "otx.algo.visual_prompting.encoders.SAMPromptEncoder": [[54, 2, 1, "", "forward"], [54, 2, 1, "", "get_dense_pe"]], "otx.cli": [[56, 0, 0, "-", "cli"], [57, 0, 0, "-", "install"], [55, 3, 1, "", "main"], [58, 0, 0, "-", "utils"]], "otx.cli.cli": [[56, 1, 1, "", "OTXCLI"]], "otx.cli.cli.OTXCLI": [[56, 2, 1, "", "add_subcommands"], [56, 2, 1, "", "engine_subcommand_parser"], [56, 2, 1, "", "engine_subcommands"], [56, 2, 1, "", "get_config_value"], [56, 2, 1, "", "get_subcommand_parser"], [56, 2, 1, "", "init_parser"], [56, 2, 1, "", "instantiate_classes"], [56, 2, 1, "", "instantiate_engine"], [56, 2, 1, "", "instantiate_metric"], [56, 2, 1, "", "instantiate_model"], [56, 2, 1, "", "prepare_subcommand_kwargs"], [56, 2, 1, "", "run"], [56, 2, 1, "", "save_config"], [56, 2, 1, "", "set_seed"], [56, 2, 1, "", "update_latest"]], "otx.cli.install": [[57, 3, 1, "", "add_install_parser"], [57, 3, 1, "", "otx_install"]], "otx.cli.utils": [[58, 3, 1, "", "absolute_path"], [59, 0, 0, "-", "help_formatter"], [60, 0, 0, "-", "installation"], [61, 0, 0, "-", "jsonargparse"], [62, 0, 0, "-", "workspace"]], "otx.cli.utils.help_formatter": [[59, 1, 1, "", "CustomHelpFormatter"], [59, 3, 1, "", "get_cli_usage_docstring"], [59, 3, 1, "", "get_verbosity_subcommand"], [59, 3, 1, "", "render_guide"]], "otx.cli.utils.help_formatter.CustomHelpFormatter": [[59, 2, 1, "id0", "add_argument"], [59, 2, 1, "id1", "add_usage"], [59, 2, 1, "id2", "format_help"], [59, 5, 1, "", "subcommand"], [59, 5, 1, "", "verbosity_level"]], "otx.cli.utils.installation": [[60, 3, 1, "", "add_hardware_suffix_to_torch"], [60, 3, 1, "", "get_cuda_suffix"], [60, 3, 1, "", "get_cuda_version"], [60, 3, 1, "", "get_hardware_suffix"], [60, 3, 1, "", "get_mmcv_install_args"], [60, 3, 1, "", "get_module_version"], [60, 3, 1, "", "get_requirements"], [60, 3, 1, "", "get_torch_install_args"], [60, 3, 1, "", "mim_installation"], [60, 3, 1, "", "parse_requirements"], [60, 3, 1, "", "patch_mmaction2"], [60, 3, 1, "", "update_cuda_version_with_available_torch_cuda_build"]], "otx.cli.utils.jsonargparse": [[61, 3, 1, "", "add_list_type_arguments"], [61, 3, 1, "", "apply_config"], [61, 3, 1, "", "flatten_dict"], [61, 3, 1, "", "get_configuration"], [61, 3, 1, "", "get_defaults_with_overrides"], [61, 3, 1, "", "get_instantiated_classes"], [61, 3, 1, "", "get_short_docstring"], [61, 3, 1, "", "list_override"], [61, 3, 1, "", "patch_update_configs"], [61, 3, 1, "", "update"]], "otx.cli.utils.workspace": [[62, 1, 1, "", "Workspace"]], "otx.core": [[64, 0, 0, "-", "config"], [69, 0, 0, "-", "data"], [70, 0, 0, "-", "exporter"], [77, 0, 0, "-", "metrics"], [80, 0, 0, "-", "model"], [107, 0, 0, "-", "types"], [115, 0, 0, "-", "utils"]], "otx.core.config": [[64, 3, 1, "", "any_representer"], [64, 3, 1, "", "as_int_tuple"], [64, 3, 1, "", "as_torch_dtype"], [65, 0, 0, "-", "data"], [66, 0, 0, "-", "device"], [64, 3, 1, "", "dtype_representer"], [67, 0, 0, "-", "explain"], [68, 0, 0, "-", "hpo"], [64, 3, 1, "", "ignore_aliases"], [64, 3, 1, "", "register_configs"]], "otx.core.config.data": [[65, 1, 1, "", "DataModuleConfig"], [65, 1, 1, "", "SamplerConfig"], [65, 1, 1, "", "SubsetConfig"], [65, 1, 1, "", "TileConfig"], [65, 1, 1, "", "VisualPromptingConfig"]], "otx.core.config.data.SubsetConfig": [[65, 5, 1, "", "batch_size"], [65, 5, 1, "", "num_workers"], [65, 5, 1, "", "subset_name"], [65, 5, 1, "", "transform_lib_type"], [65, 5, 1, "", "transforms"]], "otx.core.config.device": [[66, 1, 1, "", "DeviceConfig"]], "otx.core.config.explain": [[67, 1, 1, "", "ExplainConfig"]], "otx.core.config.hpo": [[68, 1, 1, "", "HpoConfig"]], "otx.core.data": [[69, 1, 1, "", "OTXDataModule"], [69, 1, 1, "", "OTXDatasetFactory"], [69, 1, 1, "", "TransformLibFactory"]], "otx.core.data.OTXDataModule": [[69, 4, 1, "", "hparams_initial"], [69, 2, 1, "", "predict_dataloader"], [69, 2, 1, "", "setup"], [69, 2, 1, "", "teardown"], [69, 2, 1, "", "test_dataloader"], [69, 2, 1, "", "train_dataloader"], [69, 2, 1, "", "val_dataloader"]], "otx.core.data.OTXDatasetFactory": [[69, 2, 1, "", "create"]], "otx.core.data.TransformLibFactory": [[69, 2, 1, "", "generate"]], "otx.core.exporter": [[71, 0, 0, "-", "base"], [72, 0, 0, "-", "exportable_code"], [74, 0, 0, "-", "mmdeploy"], [75, 0, 0, "-", "native"], [76, 0, 0, "-", "visual_prompting"]], "otx.core.exporter.base": [[71, 1, 1, "", "OTXModelExporter"]], "otx.core.exporter.base.OTXModelExporter": [[71, 2, 1, "", "export"], [71, 2, 1, "", "to_exportable_code"], [71, 2, 1, "", "to_onnx"], [71, 2, 1, "", "to_openvino"]], "otx.core.exporter.exportable_code": [[73, 0, 0, "-", "demo"]], "otx.core.exporter.mmdeploy": [[74, 1, 1, "", "MMdeployExporter"], [74, 3, 1, "", "load_mmconfig_from_pkg"], [74, 3, 1, "", "mmdeploy_init_model_helper"], [74, 3, 1, "", "patch_input_shape"], [74, 3, 1, "", "patch_ir_scale_factor"], [74, 3, 1, "", "use_temporary_default_scope"]], "otx.core.exporter.mmdeploy.MMdeployExporter": [[74, 2, 1, "", "cvt_torch2onnx_partition"], [74, 2, 1, "", "to_onnx"], [74, 2, 1, "", "to_openvino"]], "otx.core.exporter.native": [[75, 1, 1, "", "OTXNativeModelExporter"]], "otx.core.exporter.native.OTXNativeModelExporter": [[75, 2, 1, "", "to_onnx"], [75, 2, 1, "", "to_openvino"]], "otx.core.exporter.visual_prompting": [[76, 1, 1, "", "OTXVisualPromptingModelExporter"]], "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter": [[76, 2, 1, "", "export"], [76, 2, 1, "", "get_onnx_dummy_inputs"], [76, 2, 1, "", "to_onnx"], [76, 2, 1, "", "to_openvino"]], "otx.core.metrics": [[78, 0, 0, "-", "accuracy"], [79, 0, 0, "-", "fmeasure"]], "otx.core.metrics.accuracy": [[78, 1, 1, "", "AccuracywithLabelGroup"], [78, 1, 1, "", "HlabelAccuracy"], [78, 1, 1, "", "MixedHLabelAccuracy"], [78, 1, 1, "", "MulticlassAccuracywithLabelGroup"], [78, 1, 1, "", "MultilabelAccuracywithLabelGroup"], [78, 1, 1, "", "NamedConfusionMatrix"]], "otx.core.metrics.accuracy.AccuracywithLabelGroup": [[78, 2, 1, "", "compute"], [78, 4, 1, "", "label_info"], [78, 2, 1, "", "update"]], "otx.core.metrics.accuracy.MixedHLabelAccuracy": [[78, 2, 1, "", "compute"], [78, 2, 1, "", "update"]], "otx.core.metrics.accuracy.NamedConfusionMatrix": [[78, 4, 1, "", "col_names"], [78, 4, 1, "", "row_names"]], "otx.core.metrics.fmeasure": [[79, 1, 1, "", "FMeasure"], [79, 3, 1, "", "bounding_box_intersection_over_union"], [79, 3, 1, "", "get_iou_matrix"], [79, 3, 1, "", "get_n_false_negatives"], [79, 3, 1, "", "intersection_box"]], "otx.core.metrics.fmeasure.FMeasure": [[79, 4, 1, "", "best_confidence_threshold"], [79, 4, 1, "", "best_nms_threshold"], [79, 4, 1, "", "classes"], [79, 2, 1, "", "compute"], [79, 4, 1, "", "f_measure"], [79, 4, 1, "", "f_measure_per_confidence"], [79, 4, 1, "", "f_measure_per_label"], [79, 4, 1, "", "f_measure_per_nms"], [79, 2, 1, "", "update"]], "otx.core.model": [[81, 0, 0, "-", "entity"], [96, 0, 0, "-", "module"]], "otx.core.model.entity": [[82, 0, 0, "-", "action_classification"], [83, 0, 0, "-", "action_detection"], [84, 0, 0, "-", "base"], [85, 0, 0, "-", "classification"], [86, 0, 0, "-", "detection"], [87, 0, 0, "-", "instance_segmentation"], [88, 0, 0, "-", "rotated_detection"], [89, 0, 0, "-", "segmentation"], [90, 0, 0, "-", "utils"], [95, 0, 0, "-", "visual_prompting"]], "otx.core.model.entity.action_classification": [[82, 1, 1, "", "MMActionCompatibleModel"], [82, 1, 1, "", "OTXActionClsModel"], [82, 1, 1, "", "OVActionClsModel"]], "otx.core.model.entity.action_classification.OVActionClsModel": [[82, 4, 1, "", "model_adapter_parameters"], [82, 2, 1, "", "transform_fn"]], "otx.core.model.entity.action_detection": [[83, 1, 1, "", "MMActionCompatibleModel"], [83, 1, 1, "", "OTXActionDetModel"]], "otx.core.model.entity.base": [[84, 1, 1, "", "OTXModel"], [84, 1, 1, "", "OVModel"]], "otx.core.model.entity.base.OTXModel": [[84, 4, 1, "", "explain_mode"], [84, 2, 1, "", "export"], [84, 2, 1, "", "forward"], [84, 2, 1, "", "forward_explain"], [84, 2, 1, "", "forward_tiles"], [84, 2, 1, "", "get_explain_fn"], [84, 4, 1, "", "label_info"], [84, 2, 1, "", "load_state_dict_pre_hook"], [84, 2, 1, "", "map_class_names"], [84, 4, 1, "", "num_classes"], [84, 2, 1, "", "optimize"], [84, 2, 1, "", "register_load_state_dict_pre_hook"], [84, 2, 1, "", "setup_callback"]], "otx.core.model.entity.base.OVModel": [[84, 2, 1, "", "forward"], [84, 4, 1, "", "label_info"], [84, 4, 1, "", "model_adapter_parameters"], [84, 4, 1, "", "num_classes"], [84, 2, 1, "", "optimize"], [84, 2, 1, "", "transform_fn"]], "otx.core.model.entity.classification": [[85, 1, 1, "", "ExplainableOTXClsModel"], [85, 1, 1, "", "MMPretrainHlabelClsModel"], [85, 1, 1, "", "MMPretrainMulticlassClsModel"], [85, 1, 1, "", "MMPretrainMultilabelClsModel"], [85, 1, 1, "", "OTXHlabelClsModel"], [85, 1, 1, "", "OTXMulticlassClsModel"], [85, 1, 1, "", "OTXMultilabelClsModel"], [85, 1, 1, "", "OVHlabelClassificationModel"], [85, 1, 1, "", "OVMulticlassClassificationModel"], [85, 1, 1, "", "OVMultilabelClassificationModel"]], "otx.core.model.entity.classification.ExplainableOTXClsModel": [[85, 2, 1, "", "forward_explain"], [85, 2, 1, "", "get_explain_fn"], [85, 4, 1, "", "has_gap"], [85, 2, 1, "", "head_forward_fn"]], "otx.core.model.entity.classification.MMPretrainHlabelClsModel": [[85, 2, 1, "", "set_hlabel_info"]], "otx.core.model.entity.classification.OVHlabelClassificationModel": [[85, 2, 1, "", "set_hlabel_info"]], "otx.core.model.entity.detection": [[86, 1, 1, "", "ExplainableOTXDetModel"], [86, 1, 1, "", "MMDetCompatibleModel"], [86, 1, 1, "", "OTXDetectionModel"], [86, 1, 1, "", "OVDetectionModel"]], "otx.core.model.entity.detection.ExplainableOTXDetModel": [[86, 2, 1, "", "forward_explain"], [86, 2, 1, "", "get_explain_fn"], [86, 2, 1, "", "get_num_anchors"]], "otx.core.model.entity.detection.OTXDetectionModel": [[86, 2, 1, "", "forward_tiles"]], "otx.core.model.entity.instance_segmentation": [[87, 1, 1, "", "ExplainableOTXInstanceSegModel"], [87, 1, 1, "", "MMDetInstanceSegCompatibleModel"], [87, 1, 1, "", "OTXInstanceSegModel"], [87, 1, 1, "", "OVInstanceSegmentationModel"]], "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel": [[87, 2, 1, "", "forward_explain"], [87, 2, 1, "", "get_explain_fn"]], "otx.core.model.entity.instance_segmentation.OTXInstanceSegModel": [[87, 2, 1, "", "forward_tiles"]], "otx.core.model.entity.rotated_detection": [[88, 1, 1, "", "MMDetRotatedDetModel"], [88, 1, 1, "", "OTXRotatedDetModel"], [88, 1, 1, "", "OVRotatedDetectionModel"]], "otx.core.model.entity.segmentation": [[89, 1, 1, "", "MMSegCompatibleModel"], [89, 1, 1, "", "OTXSegmentationModel"], [89, 1, 1, "", "OVSegmentationModel"]], "otx.core.model.entity.utils": [[91, 0, 0, "-", "mmaction"], [92, 0, 0, "-", "mmdet"], [93, 0, 0, "-", "mmpretrain"], [94, 0, 0, "-", "mmseg"]], "otx.core.model.entity.utils.mmaction": [[91, 1, 1, "", "ActionDataPreprocessor"], [91, 3, 1, "", "create_model"]], "otx.core.model.entity.utils.mmaction.ActionDataPreprocessor": [[91, 4, 1, "", "device"]], "otx.core.model.entity.utils.mmdet": [[92, 1, 1, "", "DetDataPreprocessor"], [92, 3, 1, "", "create_model"]], "otx.core.model.entity.utils.mmdet.DetDataPreprocessor": [[92, 4, 1, "", "device"]], "otx.core.model.entity.utils.mmpretrain": [[93, 1, 1, "", "ClsDataPreprocessor"], [93, 3, 1, "", "create_model"]], "otx.core.model.entity.utils.mmpretrain.ClsDataPreprocessor": [[93, 4, 1, "", "device"]], "otx.core.model.entity.utils.mmseg": [[94, 1, 1, "", "SegDataPreProcessor"], [94, 3, 1, "", "create_model"], [94, 3, 1, "", "stack_batch"]], "otx.core.model.entity.utils.mmseg.SegDataPreProcessor": [[94, 4, 1, "", "device"], [94, 2, 1, "", "forward"]], "otx.core.model.entity.visual_prompting": [[95, 1, 1, "", "OTXVisualPromptingModel"], [95, 1, 1, "", "OVVisualPromptingModel"], [95, 1, 1, "", "OVZeroShotVisualPromptingModel"]], "otx.core.model.entity.visual_prompting.OVVisualPromptingModel": [[95, 2, 1, "", "forward"], [95, 2, 1, "", "optimize"]], "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel": [[95, 2, 1, "", "expand_reference_info"], [95, 2, 1, "", "forward"], [95, 2, 1, "", "infer"], [95, 2, 1, "", "initialize_reference_info"], [95, 2, 1, "", "learn"], [95, 2, 1, "", "load_latest_reference_info"]], "otx.core.model.module": [[97, 0, 0, "-", "action_classification"], [98, 0, 0, "-", "action_detection"], [99, 0, 0, "-", "anomaly"], [100, 0, 0, "-", "base"], [101, 0, 0, "-", "classification"], [102, 0, 0, "-", "detection"], [103, 0, 0, "-", "instance_segmentation"], [104, 0, 0, "-", "rotated_detection"], [105, 0, 0, "-", "segmentation"], [106, 0, 0, "-", "visual_prompting"]], "otx.core.model.module.action_classification": [[97, 1, 1, "", "OTXActionClsLitModule"]], "otx.core.model.module.action_classification.OTXActionClsLitModule": [[97, 2, 1, "", "test_step"], [97, 2, 1, "", "validation_step"]], "otx.core.model.module.action_detection": [[98, 1, 1, "", "OTXActionDetLitModule"]], "otx.core.model.module.action_detection.OTXActionDetLitModule": [[98, 2, 1, "", "test_step"], [98, 2, 1, "", "validation_step"]], "otx.core.model.module.anomaly": [[99, 1, 1, "", "OTXAnomaly"]], "otx.core.model.module.anomaly.OTXAnomaly": [[99, 2, 1, "", "configure_callbacks"], [99, 2, 1, "", "configure_optimizers"], [99, 2, 1, "", "export"], [99, 2, 1, "", "forward"], [99, 4, 1, "", "input_size"], [99, 4, 1, "", "label_info"], [99, 2, 1, "", "load_state_dict"], [99, 2, 1, "", "on_predict_batch_end"], [99, 2, 1, "", "on_test_batch_end"], [99, 2, 1, "", "predict_step"], [99, 2, 1, "", "setup"], [99, 2, 1, "", "state_dict"], [99, 4, 1, "", "task"], [99, 2, 1, "", "test_step"], [99, 4, 1, "", "trainable_model"], [99, 2, 1, "", "training_step"], [99, 2, 1, "", "validation_step"]], "otx.core.model.module.base": [[100, 1, 1, "", "OTXLitModule"]], "otx.core.model.module.base.OTXLitModule": [[100, 2, 1, "", "configure_metric"], [100, 2, 1, "", "configure_optimizers"], [100, 2, 1, "", "export"], [100, 2, 1, "", "forward"], [100, 4, 1, "", "label_info"], [100, 2, 1, "", "load_state_dict"], [100, 2, 1, "", "on_test_epoch_end"], [100, 2, 1, "", "on_test_epoch_start"], [100, 2, 1, "", "on_test_start"], [100, 2, 1, "", "on_validation_epoch_end"], [100, 2, 1, "", "on_validation_epoch_start"], [100, 2, 1, "", "on_validation_start"], [100, 2, 1, "", "register_load_state_dict_pre_hook"], [100, 2, 1, "", "setup"], [100, 2, 1, "", "state_dict"], [100, 2, 1, "", "training_step"]], "otx.core.model.module.classification": [[101, 1, 1, "", "OTXHlabelClsLitModule"], [101, 1, 1, "", "OTXMulticlassClsLitModule"], [101, 1, 1, "", "OTXMultilabelClsLitModule"]], "otx.core.model.module.classification.OTXHlabelClsLitModule": [[101, 2, 1, "", "configure_metric"], [101, 4, 1, "", "label_info"], [101, 2, 1, "", "test_step"], [101, 2, 1, "", "validation_step"]], "otx.core.model.module.classification.OTXMulticlassClsLitModule": [[101, 2, 1, "", "configure_metric"], [101, 2, 1, "", "test_step"], [101, 2, 1, "", "validation_step"]], "otx.core.model.module.classification.OTXMultilabelClsLitModule": [[101, 2, 1, "", "configure_metric"], [101, 2, 1, "", "test_step"], [101, 2, 1, "", "validation_step"]], "otx.core.model.module.detection": [[102, 1, 1, "", "OTXDetectionLitModule"]], "otx.core.model.module.detection.OTXDetectionLitModule": [[102, 2, 1, "", "configure_metric"], [102, 2, 1, "", "load_state_dict"], [102, 2, 1, "", "test_step"], [102, 2, 1, "", "validation_step"]], "otx.core.model.module.instance_segmentation": [[103, 1, 1, "", "OTXInstanceSegLitModule"]], "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule": [[103, 2, 1, "", "configure_metric"], [103, 2, 1, "", "load_state_dict"], [103, 2, 1, "", "on_test_epoch_end"], [103, 2, 1, "", "on_validation_epoch_end"], [103, 2, 1, "", "test_step"], [103, 2, 1, "", "validation_step"]], "otx.core.model.module.rotated_detection": [[104, 1, 1, "", "OTXRotatedDetLitModule"]], "otx.core.model.module.rotated_detection.OTXRotatedDetLitModule": [[104, 2, 1, "", "predict_step"]], "otx.core.model.module.segmentation": [[105, 1, 1, "", "OTXSegmentationLitModule"]], "otx.core.model.module.segmentation.OTXSegmentationLitModule": [[105, 2, 1, "", "configure_metric"], [105, 2, 1, "", "test_step"], [105, 2, 1, "", "validation_step"]], "otx.core.model.module.visual_prompting": [[106, 1, 1, "", "OTXVisualPromptingLitModule"], [106, 1, 1, "", "OTXZeroShotVisualPromptingLitModule"]], "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule": [[106, 2, 1, "", "configure_metric"], [106, 2, 1, "", "on_test_epoch_end"], [106, 2, 1, "", "on_test_epoch_start"], [106, 2, 1, "", "on_train_epoch_end"], [106, 2, 1, "", "on_train_epoch_start"], [106, 2, 1, "", "on_validation_epoch_end"], [106, 2, 1, "", "on_validation_epoch_start"], [106, 2, 1, "", "test_step"], [106, 2, 1, "", "training_step"], [106, 2, 1, "", "validation_step"]], "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule": [[106, 2, 1, "", "configure_metric"], [106, 2, 1, "", "configure_optimizers"], [106, 2, 1, "", "on_predict_start"], [106, 2, 1, "", "on_test_start"], [106, 2, 1, "", "on_train_epoch_end"], [106, 2, 1, "", "on_train_epoch_start"], [106, 2, 1, "", "on_train_start"], [106, 2, 1, "", "on_validation_epoch_end"], [106, 2, 1, "", "on_validation_epoch_start"], [106, 2, 1, "", "training_step"], [106, 2, 1, "", "validation_step"]], "otx.core.types": [[108, 0, 0, "-", "device"], [109, 0, 0, "-", "explain"], [110, 0, 0, "-", "export"], [111, 0, 0, "-", "image"], [112, 0, 0, "-", "precision"], [113, 0, 0, "-", "task"], [114, 0, 0, "-", "transformer_libs"]], "otx.core.types.device": [[108, 1, 1, "", "DeviceType"]], "otx.core.types.explain": [[109, 1, 1, "", "TargetExplainGroup"]], "otx.core.types.export": [[110, 1, 1, "", "OTXExportFormatType"]], "otx.core.types.image": [[111, 1, 1, "", "ImageColorChannel"], [111, 1, 1, "", "ImageType"]], "otx.core.types.image.ImageType": [[111, 2, 1, "", "get_image_type"]], "otx.core.types.precision": [[112, 1, 1, "", "OTXPrecisionType"]], "otx.core.types.task": [[113, 1, 1, "", "OTXTaskType"]], "otx.core.types.transformer_libs": [[114, 1, 1, "", "TransformLibType"]], "otx.core.utils": [[116, 0, 0, "-", "build"], [117, 0, 0, "-", "cache"], [118, 0, 0, "-", "config"], [119, 0, 0, "-", "imports"], [120, 0, 0, "-", "instantiators"], [121, 0, 0, "-", "mask_util"], [122, 0, 0, "-", "pylogger"], [123, 0, 0, "-", "tile_merge"], [124, 0, 0, "-", "utils"]], "otx.core.utils.build": [[116, 3, 1, "", "build_mm_model"], [116, 3, 1, "", "get_classification_layers"], [116, 3, 1, "", "get_default_num_async_infer_requests"], [116, 3, 1, "", "modify_num_classes"]], "otx.core.utils.cache": [[117, 1, 1, "", "TrainerArgumentsCache"]], "otx.core.utils.cache.TrainerArgumentsCache": [[117, 4, 1, "", "args"], [117, 2, 1, "", "get_trainer_constructor_args"], [117, 2, 1, "", "requires_update"], [117, 2, 1, "", "update"]], "otx.core.utils.config": [[118, 3, 1, "", "convert_conf_to_mmconfig_dict"], [118, 3, 1, "", "inplace_num_classes"], [118, 3, 1, "", "mmconfig_dict_to_dict"], [118, 3, 1, "", "to_list"], [118, 3, 1, "", "to_tuple"]], "otx.core.utils.imports": [[119, 3, 1, "", "get_otx_root_path"]], "otx.core.utils.instantiators": [[120, 3, 1, "", "instantiate_callbacks"], [120, 3, 1, "", "instantiate_loggers"], [120, 3, 1, "", "instantiate_sampler"], [120, 3, 1, "", "partial_instantiate_class"]], "otx.core.utils.mask_util": [[121, 3, 1, "", "encode_rle"], [121, 3, 1, "", "polygon_to_bitmap"], [121, 3, 1, "", "polygon_to_rle"]], "otx.core.utils.pylogger": [[122, 3, 1, "", "get_pylogger"]], "otx.core.utils.tile_merge": [[123, 1, 1, "", "DetectionTileMerge"], [123, 1, 1, "", "InstanceSegTileMerge"], [123, 1, 1, "", "TileMerge"]], "otx.core.utils.tile_merge.DetectionTileMerge": [[123, 2, 1, "", "merge"]], "otx.core.utils.tile_merge.InstanceSegTileMerge": [[123, 2, 1, "", "merge"]], "otx.core.utils.tile_merge.TileMerge": [[123, 2, 1, "", "merge"], [123, 2, 1, "", "nms_postprocess"]], "otx.core.utils.utils": [[124, 3, 1, "", "get_adaptive_num_workers"], [124, 3, 1, "", "get_idx_list_per_classes"], [124, 3, 1, "", "get_mean_std_from_data_processing"], [124, 3, 1, "", "is_ckpt_for_finetuning"], [124, 3, 1, "", "is_ckpt_from_otx_v1"]], "otx.data": [[125, 1, 1, "", "AnomalyDataModule"]], "otx.engine": [[126, 1, 1, "", "Engine"]], "otx.engine.Engine": [[126, 4, 1, "", "datamodule"], [126, 4, 1, "", "device"], [126, 2, 1, "", "explain"], [126, 2, 1, "", "export"], [126, 2, 1, "", "from_config"], [126, 2, 1, "", "from_model_name"], [126, 4, 1, "", "model"], [126, 2, 1, "", "optimize"], [126, 2, 1, "", "predict"], [126, 2, 1, "", "test"], [126, 2, 1, "", "train"], [126, 4, 1, "", "trainer"], [126, 4, 1, "", "trainer_params"], [126, 4, 1, "", "work_dir"]], "otx.hpo": [[127, 1, 1, "", "HyperBand"], [127, 1, 1, "", "TrialStatus"], [127, 3, 1, "", "run_hpo_loop"]], "otx.hpo.HyperBand": [[127, 2, 1, "", "auto_config"], [127, 2, 1, "", "get_best_config"], [127, 2, 1, "", "get_next_sample"], [127, 2, 1, "", "get_progress"], [127, 2, 1, "", "is_done"], [127, 2, 1, "", "print_result"], [127, 2, 1, "", "report_score"], [127, 2, 1, "", "save_results"]], "otx.tools": [[130, 0, 0, "-", "translate_mmrecipe"]], "otx.utils": [[131, 3, 1, "", "append_main_proc_signal_handler"], [131, 3, 1, "", "append_signal_handler"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:function", "4": "py:property", "5": "py:attribute"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "function", "Python function"], "4": ["py", "property", "Python property"], "5": ["py", "attribute", "Python attribute"]}, "titleterms": {"adapt": [0, 1], "train": [0, 6, 7, 12, 27, 28, 29, 138, 139, 140, 141, 142, 143, 144, 145, 146, 148], "auto": [1, 27], "configur": [1, 4, 7, 27, 134], "batch": 1, "size": [1, 7], "num_work": 1, "class": [2, 15, 27, 28, 29], "increment": 2, "sampler": 2, "balanc": 2, "fast": 3, "data": [3, 65, 69, 125], "load": 3, "cach": [3, 117], "In": 3, "memori": 3, "hyperparamet": 4, "optim": [4, 6, 7, 27, 28, 138, 140, 141, 142, 144, 145, 146], "algorithm": [4, 8, 17], "how": [4, 134], "hyper": 4, "paramet": [4, 7, 12], "addit": 5, "featur": [5, 30], "model": [6, 7, 9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 138, 139, 141, 142, 144, 145, 146], "post": 6, "quantiz": 6, "tool": [6, 129, 130], "improv": 7, "small": 7, "object": [7, 18, 19, 142], "detect": [7, 8, 10, 12, 18, 19, 40, 41, 42, 43, 44, 86, 102, 139, 140, 142], "imag": [7, 111], "tile": 7, "strategi": [7, 50], "enabl": 7, "via": 7, "otx": [7, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 134], "overlap": 7, "sampl": 7, "manual": 7, "run": [7, 29], "openvino": [7, 29, 148], "export": [7, 27, 28, 70, 71, 72, 73, 74, 75, 76, 110, 137, 138, 140, 141, 142, 144, 145, 146], "explain": [8, 67, 109], "ai": 8, "xai": [8, 27, 136], "classif": [8, 9, 12, 13, 14, 15, 16, 36, 37, 38, 39, 85, 101, 138, 140, 141], "instanc": [8, 21, 144], "segment": [8, 12, 20, 21, 22, 46, 47, 48, 49, 89, 105, 140, 144, 145], "action": [9, 10, 11, 138, 139], "dataset": [9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25, 27, 28, 138, 139, 140, 141, 142, 144, 145, 146], "format": [9, 10, 12, 13, 15, 16, 19, 21, 22, 23, 25], "recognit": 11, "anomali": [12, 99, 140], "task": [12, 113], "type": [12, 107, 108, 109, 110, 111, 112, 113, 114], "cluster": 12, "base": [12, 71, 84, 100, 147], "padim": 12, "knowledg": 12, "distil": 12, "stfpm": 12, "reconstruct": 12, "dr\u00e6m": 12, "hierarch": 13, "multi": [15, 16], "label": 16, "content": [17, 30], "semant": [22, 145], "visual": [23, 24, 25, 146], "prompt": [23, 24, 25, 146], "fine": 23, "tune": 23, "zero": 25, "shot": 25, "learn": 25, "simpl": 25, "tutori": [25, 135, 136, 140, 143, 147], "product": 26, "design": 26, "our": 26, "mission": 26, "principl": 26, "core": [26, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124], "entrypoint": 26, "svg": [27, 28, 29], "version": [27, 28, 29], "1": [27, 28, 29, 133], "width": [27, 28, 29], "0em": [27, 28, 29], "height": [27, 28, 29], "sd": [27, 28, 29], "octicon": [27, 28, 29], "code": 27, "squar": 27, "viewbox": [27, 28, 29], "0": [27, 28, 29, 133], "16": [27, 28, 29], "aria": [27, 28, 29], "hidden": [27, 28, 29], "true": [27, 28, 29], "path": [27, 28, 29], "fill": [27, 28, 29], "rule": [27, 28, 29], "evenodd": [27, 28, 29], "d": [27, 28, 29], "m1": 27, "75": [27, 28, 29], "5a": [27, 28], "25": [27, 28, 29], "00": [27, 28, 29], "25v12": 27, "5c0": [27, 28], "138": [27, 28], "112": [27, 28], "25h12": [27, 28], "25v1": 27, "75a": [27, 28], "25h1": [27, 28], "75zm0": 27, "75c0": [27, 28], "784": [27, 28], "0h12": 27, "5c15": 27, "216": 27, "75v12": 27, "5a1": [27, 28], "0114": [27, 28], "16h1": 27, "75a1": [27, 28], "010": [27, 28], "14": [27, 28], "75zm9": 27, "22": [27, 28], "3": [27, 28, 29, 133], "72a": 27, "000": [27, 28], "06l10": 27, "69": 27, "8": [27, 28, 29], "9": 27, "47a": 27, "101": 27, "06": [27, 28], "06l2": [27, 28], "2a": 27, "06l": 27, "2": [27, 28, 29, 133], "0zm6": 27, "78": 27, "6": [27, 28], "53a": 27, "06l5": [27, 28], "31": 27, "8l1": 27, "47": 27, "47z": 27, "api": [27, 132], "quick": 27, "guid": [27, 28, 31], "prepar": [27, 138, 139, 140, 141, 142, 144, 145, 146], "start": 27, "check": 27, "avail": 27, "recip": [27, 128, 134], "engin": [27, 126], "evalu": [27, 28, 138, 139, 140, 141, 142, 146], "termin": 28, "m0": 28, "1h12": 28, "5c": 28, "966": 28, "75v10": 28, "15h1": 28, "13": 28, "25v2": 28, "75zm1": 28, "25a": 28, "25v10": 28, "75zm7": 28, "8a": 28, "01": [28, 29], "53l": 28, "11": 28, "44": 28, "72": 28, "28a": 28, "111": 28, "25c": 28, "141": 28, "331": 28, "53zm1": 28, "5": [28, 29, 133], "5h3a": 28, "5h": 28, "3z": 28, "cli": [28, 55, 56, 57, 58, 59, 60, 61, 62], "help": 28, "print_config": 28, "find": 28, "handl": 28, "explan": 28, "workspac": [28, 62], "packag": 29, "m8": 29, "878": 29, "392a1": 29, "756": 29, "0l": 29, "045a1": 29, "001": 29, "4": [29, 133], "951v6": 29, "098c0": 29, "624": 29, "332": 29, "872": 29, "514l5": 29, "0l5": 29, "045c": 29, "54": 29, "313": 29, "89": 29, "514v4": 29, "951c0": 29, "514l8": 29, "392zm7": 29, "875": 29, "69a": 29, "0l4": 29, "63": 29, "685l8": 29, "7": 29, "133": 29, "245": 29, "375l4": 29, "685zm2": 29, "677v5": 29, "372c0": 29, "09": 29, "047": 29, "171": 29, "125": 29, "216l4": 29, "625": 29, "683v8": 29, "432l2": 29, "677zm6": 29, "271l4": 29, "683a": 29, "216v5": 29, "677l8": 29, "432v5": 29, "516z": 29, "instal": [29, 57, 60], "prerequisit": 29, "extens": [29, 148], "user": 29, "cuda": 29, "cpu": 29, "xpu": 29, "devic": [29, 66, 108], "develop": [29, 148], "us": 29, "docker": 29, "test": 29, "troubleshoot": 29, "introduct": 30, "kei": 30, "document": [30, 148], "releas": [31, 133], "note": 31, "algo": [33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54], "acceler": 34, "action_classif": [35, 82, 97], "backbon": [37, 41, 42, 47, 52], "head": [38, 43, 48], "loss": [39, 44, 49], "pytorchcv_backbon": 42, "plugin": 45, "visual_prompt": [51, 52, 53, 54, 76, 95, 106], "decod": 53, "encod": 54, "util": [58, 59, 60, 61, 62, 90, 91, 92, 93, 94, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 131], "help_formatt": 59, "jsonargpars": 61, "config": [64, 65, 66, 67, 68, 118], "hpo": [68, 127], "exportable_cod": [72, 73], "demo": [73, 137], "mmdeploi": 74, "nativ": 75, "metric": [77, 78, 79], "accuraci": 78, "fmeasur": 79, "entiti": [81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95], "action_detect": [83, 98], "instance_segment": [87, 103], "rotated_detect": [88, 104], "mmaction": 91, "mmdet": 92, "mmpretrain": 93, "mmseg": 94, "modul": [96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106], "precis": 112, "transformer_lib": 114, "build": 116, "import": 119, "instanti": 120, "mask_util": 121, "pylogg": 122, "tile_merg": 123, "translate_mmrecip": 130, "refer": 132, "v2": 133, "1q24": 133, "v1": 133, "4q23": 133, "3q23": 133, "2q23": 133, "1q23": 133, "write": 134, "advanc": 135, "deploi": 137, "demonstr": 137, "setup": [138, 139, 140, 141, 142, 144, 145, 146], "virtual": [138, 139, 140, 141, 142, 144, 145, 146], "environ": [138, 139, 140, 141, 142, 144, 145, 146], "deploy": 143, "valid": [144, 145], "welcom": 148, "intel": 148, "": 148, "indic": 148, "tabl": 148}, "envversion": {"sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "sphinx": 60}, "alltitles": {"Adaptive Training": [[0, "adaptive-training"]], "Auto-configuration": [[1, "auto-configuration"]], "Auto-adapt batch size": [[1, "auto-adapt-batch-size"]], "Auto-adapt num_workers": [[1, "auto-adapt-num-workers"]], "Class-Incremental Sampler": [[2, "class-incremental-sampler"]], "Balanced Sampler": [[2, "balanced-sampler"]], "Fast Data Loading": [[3, "fast-data-loading"]], "Caching": [[3, "caching"]], "In-Memory Caching": [[3, "in-memory-caching"]], "Hyperparameters Optimization": [[4, "hyperparameters-optimization"]], "Algorithm": [[4, "algorithm"]], "How to configure hyper-parameter optimization": [[4, "how-to-configure-hyper-parameter-optimization"]], "Additional Features": [[5, "additional-features"]], "Models Optimization": [[6, "models-optimization"]], "Post-Training Quantization Tool": [[6, "post-training-quantization-tool"]], "Improve Small Object Detection with Image Tiling": [[7, "improve-small-object-detection-with-image-tiling"]], "Tiling Strategies": [[7, "tiling-strategies"]], "Enable Tiling via OTX Training": [[7, "enable-tiling-via-otx-training"]], "Tile Size and Tile Overlap Optimization": [[7, "tile-size-and-tile-overlap-optimization"]], "Tiling Sampling Strategy": [[7, "tiling-sampling-strategy"]], "Manual Tiling Parameter Configuration": [[7, "manual-tiling-parameter-configuration"]], "Run Tiling on OpenVINO Exported Model": [[7, "run-tiling-on-openvino-exported-model"]], "Explainable AI (XAI)": [[8, "explainable-ai-xai"]], "XAI algorithms for classification": [[8, "xai-algorithms-for-classification"]], "XAI algorithms for detection": [[8, "xai-algorithms-for-detection"]], "XAI algorithms for instance segmentation": [[8, "xai-algorithms-for-instance-segmentation"]], "Action Classification": [[9, "action-classification"]], "Dataset Format": [[9, "dataset-format"], [10, "dataset-format"], [12, "dataset-format"], [13, "dataset-format"], [15, "dataset-format"], [16, "dataset-format"], [19, "dataset-format"], [21, "dataset-format"], [22, "dataset-format"], [23, "dataset-format"], [25, "dataset-format"]], "Models": [[9, "models"], [10, "models"], [12, "models"], [13, "models"], [15, "models"], [16, "models"], [19, "models"], [21, "models"], [22, "models"], [23, "models"], [25, "models"]], "Action Detection": [[10, "action-detection"]], "Action Recognition": [[11, "action-recognition"]], "Anomaly Detection": [[12, "anomaly-detection"], [12, "id1"]], "Task Types": [[12, "task-types"]], "Anomaly Classification": [[12, "anomaly-classification"]], "Anomaly Segmentation": [[12, "anomaly-segmentation"]], "Clustering-based Models": [[12, "clustering-based-models"]], "PADIM": [[12, "id7"]], "Parameters": [[12, "parameters"]], "Knowledge Distillation-based Models": [[12, "knowledge-distillation-based-models"]], "STFPM": [[12, "id8"]], "Training Parameters": [[12, "training-parameters"], [12, "id9"]], "Reconstruction-based Models": [[12, "reconstruction-based-models"]], "DR\u00c6M": [[12, "draem"]], "Hierarchical Classification": [[13, "hierarchical-classification"]], "Classification": [[14, "classification"]], "Multi-class Classification": [[15, "multi-class-classification"]], "Multi-label Classification": [[16, "multi-label-classification"]], "Algorithms": [[17, "algorithms"]], "Contents": [[17, "contents"]], "Object Detection": [[18, "object-detection"], [19, "object-detection"]], "Segmentation": [[20, "segmentation"]], "Instance Segmentation": [[21, "instance-segmentation"]], "Semantic Segmentation": [[22, "semantic-segmentation"]], "Visual Prompting (Fine-tuning)": [[23, "visual-prompting-fine-tuning"]], "Visual Prompting": [[24, "visual-prompting"]], "Visual Prompting (Zero-shot learning)": [[25, "visual-prompting-zero-shot-learning"]], "Simple tutorial": [[25, "simple-tutorial"]], "Product Design": [[26, "product-design"]], "Our Product Mission": [[26, "our-product-mission"]], "Product Design Principles": [[26, "product-design-principles"]], "Core": [[26, "core"]], "Entrypoint": [[26, "entrypoint"]], " API Quick-Guide": [[27, "svg-version-1-1-width-1-0em-height-1-0em-class-sd-octicon-sd-octicon-code-square-viewbox-0-0-16-16-aria-hidden-true-path-fill-rule-evenodd-d-m1-75-1-5a-25-25-0-00-25-25v12-5c0-138-112-25-25-25h12-5a-25-25-0-00-25-25v1-75a-25-25-0-00-25-25h1-75zm0-1-75c0-784-784-0-1-75-0h12-5c15-216-0-16-784-16-1-75v12-5a1-75-1-75-0-0114-25-16h1-75a1-75-1-75-0-010-14-25v1-75zm9-22-3-72a-75-75-0-000-1-06l10-69-8-9-22-9-47a-75-75-0-101-06-1-06l2-2a-75-75-0-000-1-06l-2-2a-75-75-0-00-1-06-0zm6-78-6-53a-75-75-0-00-1-06-1-06l-2-2a-75-75-0-000-1-06l2-2a-75-75-0-101-06-1-06l5-31-8l1-47-1-47z-path-svg-api-quick-guide"]], "Dataset preparation": [[27, "dataset-preparation"], [138, "dataset-preparation"], [139, "dataset-preparation"], [141, "dataset-preparation"], [142, "dataset-preparation"], [144, "dataset-preparation"], [145, "dataset-preparation"], [146, "dataset-preparation"]], "Quick Start with auto-configuration": [[27, "quick-start-with-auto-configuration"]], "Check Available Model Recipes": [[27, "check-available-model-recipes"]], "Engine": [[27, "engine"]], "Training": [[27, "training"], [28, "training"], [138, "training"], [139, "training"], [140, "training"], [141, "training"], [142, "training"], [144, "training"], [145, "training"], [146, "training"]], "Evaluation": [[27, "evaluation"], [28, "evaluation"], [138, "evaluation"], [139, "evaluation"], [140, "evaluation"], [141, "evaluation"], [142, "evaluation"], [146, "evaluation"]], "Exporting": [[27, "exporting"], [28, "exporting"]], "XAI": [[27, "xai"]], "Optimization": [[27, "optimization"], [28, "optimization"], [138, "optimization"], [140, "optimization"], [141, "optimization"], [142, "optimization"], [144, "optimization"], [145, "optimization"], [146, "optimization"]], " CLI Guide": [[28, "svg-version-1-1-width-1-0em-height-1-0em-class-sd-octicon-sd-octicon-terminal-viewbox-0-0-16-16-aria-hidden-true-path-fill-rule-evenodd-d-m0-2-75c0-1-784-784-1-1-75-1h12-5c-966-0-1-75-784-1-75-1-75v10-5a1-75-1-75-0-0114-25-15h1-75a1-75-1-75-0-010-13-25v2-75zm1-75-25a-25-25-0-00-25-25v10-5c0-138-112-25-25-25h12-5a-25-25-0-00-25-25v2-75a-25-25-0-00-25-25h1-75zm7-25-8a-75-75-0-01-22-53l-2-25-2-25a-75-75-0-11-1-06-1-06l5-44-8-3-72-6-28a-75-75-0-111-06-1-06l2-25-2-25c-141-14-22-331-22-53zm1-5-1-5a-75-75-0-000-1-5h3a-75-75-0-000-1-5h-3z-path-svg-cli-guide"]], "Help": [[28, "help"]], "print_config": [[28, "print-config"]], "Find": [[28, "find"]], "Dataset handling": [[28, "dataset-handling"]], "Explanation": [[28, "explanation"]], "Workspace": [[28, "workspace"]], " Installation": [[29, "svg-version-1-1-width-1-0em-height-1-0em-class-sd-octicon-sd-octicon-package-viewbox-0-0-16-16-aria-hidden-true-path-fill-rule-evenodd-d-m8-878-392a1-75-1-75-0-00-1-756-0l-5-25-3-045a1-75-1-75-0-001-4-951v6-098c0-624-332-1-2-872-1-514l5-25-3-045a1-75-1-75-0-001-756-0l5-25-3-045c-54-313-872-89-872-1-514v4-951c0-624-332-1-2-872-1-514l8-878-392zm7-875-1-69a-25-25-0-01-25-0l4-63-2-685l8-7-133-3-245-4-375l4-63-2-685zm2-5-5-677v5-372c0-09-047-171-125-216l4-625-2-683v8-432l2-5-5-677zm6-25-8-271l4-625-2-683a-25-25-0-00-125-216v5-677l8-75-8-432v5-516z-path-svg-installation"]], "Prerequisites": [[29, "prerequisites"]], "Install OpenVINO\u2122 Training Extensions for users (CUDA/CPU)": [[29, "install-openvino-training-extensions-for-users-cuda-cpu"]], "Install OpenVINO\u2122 Training Extensions for users (XPU devices)": [[29, "install-openvino-training-extensions-for-users-xpu-devices"]], "Install OpenVINO\u2122 Training Extensions for developers": [[29, "install-openvino-training-extensions-for-developers"]], "Install OpenVINO\u2122 Training Extensions by using Docker": [[29, "install-openvino-training-extensions-by-using-docker"]], "Run tests": [[29, "run-tests"]], "Troubleshooting": [[29, "troubleshooting"]], "Introduction": [[30, "introduction"]], "Key Features": [[30, "key-features"]], "Documentation content": [[30, "documentation-content"]], "Guide": [[31, "guide"]], "Release Notes": [[31, null]], "otx": [[32, "module-otx"]], "otx.algo": [[33, "module-otx.algo"]], "otx.algo.accelerators": [[34, "module-otx.algo.accelerators"]], "otx.algo.action_classification": [[35, "module-otx.algo.action_classification"]], "otx.algo.classification": [[36, "module-otx.algo.classification"]], "otx.algo.classification.backbones": [[37, "module-otx.algo.classification.backbones"]], "otx.algo.classification.heads": [[38, "module-otx.algo.classification.heads"]], "otx.algo.classification.losses": [[39, "module-otx.algo.classification.losses"]], "otx.algo.detection": [[40, "module-otx.algo.detection"]], "otx.algo.detection.backbones": [[41, "module-otx.algo.detection.backbones"]], "otx.algo.detection.backbones.pytorchcv_backbones": [[42, "module-otx.algo.detection.backbones.pytorchcv_backbones"]], "otx.algo.detection.heads": [[43, "module-otx.algo.detection.heads"]], "otx.algo.detection.losses": [[44, "module-otx.algo.detection.losses"]], "otx.algo.plugins": [[45, "module-otx.algo.plugins"]], "otx.algo.segmentation": [[46, "module-otx.algo.segmentation"]], "otx.algo.segmentation.backbones": [[47, "module-otx.algo.segmentation.backbones"]], "otx.algo.segmentation.heads": [[48, "module-otx.algo.segmentation.heads"]], "otx.algo.segmentation.losses": [[49, "module-otx.algo.segmentation.losses"]], "otx.algo.strategies": [[50, "module-otx.algo.strategies"]], "otx.algo.visual_prompting": [[51, "module-otx.algo.visual_prompting"]], "otx.algo.visual_prompting.backbones": [[52, "module-otx.algo.visual_prompting.backbones"]], "otx.algo.visual_prompting.decoders": [[53, "module-otx.algo.visual_prompting.decoders"]], "otx.algo.visual_prompting.encoders": [[54, "module-otx.algo.visual_prompting.encoders"]], "otx.cli": [[55, "module-otx.cli"]], "otx.cli.cli": [[56, "module-otx.cli.cli"]], "otx.cli.install": [[57, "module-otx.cli.install"]], "otx.cli.utils": [[58, "module-otx.cli.utils"]], "otx.cli.utils.help_formatter": [[59, "module-otx.cli.utils.help_formatter"]], "otx.cli.utils.installation": [[60, "module-otx.cli.utils.installation"]], "otx.cli.utils.jsonargparse": [[61, "module-otx.cli.utils.jsonargparse"]], "otx.cli.utils.workspace": [[62, "module-otx.cli.utils.workspace"]], "otx.core": [[63, "module-otx.core"]], "otx.core.config": [[64, "module-otx.core.config"]], "otx.core.config.data": [[65, "module-otx.core.config.data"]], ")": [[65, "id5"]], "otx.core.config.device": [[66, "module-otx.core.config.device"]], "otx.core.config.explain": [[67, "module-otx.core.config.explain"]], "otx.core.config.hpo": [[68, "module-otx.core.config.hpo"]], "otx.core.data": [[69, "module-otx.core.data"]], "otx.core.exporter": [[70, "module-otx.core.exporter"]], "otx.core.exporter.base": [[71, "module-otx.core.exporter.base"]], "otx.core.exporter.exportable_code": [[72, "module-otx.core.exporter.exportable_code"]], "otx.core.exporter.exportable_code.demo": [[73, "module-otx.core.exporter.exportable_code.demo"]], "otx.core.exporter.mmdeploy": [[74, "module-otx.core.exporter.mmdeploy"]], "otx.core.exporter.native": [[75, "module-otx.core.exporter.native"]], "otx.core.exporter.visual_prompting": [[76, "module-otx.core.exporter.visual_prompting"]], "otx.core.metrics": [[77, "module-otx.core.metrics"]], "otx.core.metrics.accuracy": [[78, "module-otx.core.metrics.accuracy"]], "otx.core.metrics.fmeasure": [[79, "module-otx.core.metrics.fmeasure"]], "otx.core.model": [[80, "module-otx.core.model"]], "otx.core.model.entity": [[81, "module-otx.core.model.entity"]], "otx.core.model.entity.action_classification": [[82, "module-otx.core.model.entity.action_classification"]], "otx.core.model.entity.action_detection": [[83, "module-otx.core.model.entity.action_detection"]], "otx.core.model.entity.base": [[84, "module-otx.core.model.entity.base"]], "otx.core.model.entity.classification": [[85, "module-otx.core.model.entity.classification"]], "otx.core.model.entity.detection": [[86, "module-otx.core.model.entity.detection"]], "otx.core.model.entity.instance_segmentation": [[87, "module-otx.core.model.entity.instance_segmentation"]], "otx.core.model.entity.rotated_detection": [[88, "module-otx.core.model.entity.rotated_detection"]], "otx.core.model.entity.segmentation": [[89, "module-otx.core.model.entity.segmentation"]], "otx.core.model.entity.utils": [[90, "module-otx.core.model.entity.utils"]], "otx.core.model.entity.utils.mmaction": [[91, "module-otx.core.model.entity.utils.mmaction"]], "otx.core.model.entity.utils.mmdet": [[92, "module-otx.core.model.entity.utils.mmdet"]], "otx.core.model.entity.utils.mmpretrain": [[93, "module-otx.core.model.entity.utils.mmpretrain"]], "otx.core.model.entity.utils.mmseg": [[94, "module-otx.core.model.entity.utils.mmseg"]], "otx.core.model.entity.visual_prompting": [[95, "module-otx.core.model.entity.visual_prompting"]], "otx.core.model.module": [[96, "module-otx.core.model.module"]], "otx.core.model.module.action_classification": [[97, "module-otx.core.model.module.action_classification"]], "otx.core.model.module.action_detection": [[98, "module-otx.core.model.module.action_detection"]], "otx.core.model.module.anomaly": [[99, "module-otx.core.model.module.anomaly"]], "otx.core.model.module.base": [[100, "module-otx.core.model.module.base"]], "otx.core.model.module.classification": [[101, "module-otx.core.model.module.classification"]], "otx.core.model.module.detection": [[102, "module-otx.core.model.module.detection"]], "otx.core.model.module.instance_segmentation": [[103, "module-otx.core.model.module.instance_segmentation"]], "otx.core.model.module.rotated_detection": [[104, "module-otx.core.model.module.rotated_detection"]], "otx.core.model.module.segmentation": [[105, "module-otx.core.model.module.segmentation"]], "otx.core.model.module.visual_prompting": [[106, "module-otx.core.model.module.visual_prompting"]], "otx.core.types": [[107, "module-otx.core.types"]], "otx.core.types.device": [[108, "module-otx.core.types.device"]], "otx.core.types.explain": [[109, "module-otx.core.types.explain"]], "otx.core.types.export": [[110, "module-otx.core.types.export"]], "otx.core.types.image": [[111, "module-otx.core.types.image"]], "otx.core.types.precision": [[112, "module-otx.core.types.precision"]], "otx.core.types.task": [[113, "module-otx.core.types.task"]], "otx.core.types.transformer_libs": [[114, "module-otx.core.types.transformer_libs"]], "otx.core.utils": [[115, "module-otx.core.utils"]], "otx.core.utils.build": [[116, "module-otx.core.utils.build"]], "otx.core.utils.cache": [[117, "module-otx.core.utils.cache"]], "otx.core.utils.config": [[118, "module-otx.core.utils.config"]], "otx.core.utils.imports": [[119, "module-otx.core.utils.imports"]], "otx.core.utils.instantiators": [[120, "module-otx.core.utils.instantiators"]], "otx.core.utils.mask_util": [[121, "module-otx.core.utils.mask_util"]], "otx.core.utils.pylogger": [[122, "module-otx.core.utils.pylogger"]], "otx.core.utils.tile_merge": [[123, "module-otx.core.utils.tile_merge"]], "otx.core.utils.utils": [[124, "module-otx.core.utils.utils"]], "otx.data": [[125, "module-otx.data"]], "otx.engine": [[126, "module-otx.engine"]], "otx.hpo": [[127, "module-otx.hpo"]], "otx.recipe": [[128, "module-otx.recipe"]], "otx.tools": [[129, "module-otx.tools"]], "otx.tools.translate_mmrecipe": [[130, "module-otx.tools.translate_mmrecipe"]], "otx.utils": [[131, "module-otx.utils"]], "API reference": [[132, "api-reference"]], "Releases": [[133, "releases"]], "v2.0.0 (1Q24)": [[133, "v2-0-0-1q24"]], "v1.5.0 (4Q23)": [[133, "v1-5-0-4q23"]], "v1.4.4 (4Q23)": [[133, "v1-4-4-4q23"]], "v1.4.3 (4Q23)": [[133, "v1-4-3-4q23"]], "v1.4.2 (4Q23)": [[133, "v1-4-2-4q23"]], "v1.4.1 (3Q23)": [[133, "v1-4-1-3q23"]], "v1.4.0 (3Q23)": [[133, "v1-4-0-3q23"]], "v1.3.1 (2Q23)": [[133, "v1-3-1-2q23"]], "v1.3.0 (2Q23)": [[133, "v1-3-0-2q23"]], "v1.2.4 (3Q23)": [[133, "v1-2-4-3q23"]], "v1.2.3 (2Q23)": [[133, "v1-2-3-2q23"]], "v1.2.1 (2Q23)": [[133, "v1-2-1-2q23"]], "v1.2.0 (2Q23)": [[133, "v1-2-0-2q23"]], "v1.1.2 (2Q23)": [[133, "v1-1-2-2q23"]], "v1.1.1 (1Q23)": [[133, "v1-1-1-1q23"]], "v1.1.0 (1Q23)": [[133, "v1-1-0-1q23"]], "v1.0.1 (1Q23)": [[133, "v1-0-1-1q23"]], "v1.0.0 (1Q23)": [[133, "v1-0-0-1q23"]], "How to write OTX Configuration (recipe)": [[134, "how-to-write-otx-configuration-recipe"]], "Configuration": [[134, "configuration"]], "Advanced Tutorials": [[135, "advanced-tutorials"]], "XAI Tutorial": [[136, "xai-tutorial"]], "Deploy & Demo": [[137, "deploy-demo"]], "Export": [[137, "export"], [138, "export"], [140, "export"], [141, "export"], [142, "export"], [144, "export"], [145, "export"], [146, "export"]], "Deploy": [[137, "deploy"]], "Demonstration": [[137, "demonstration"]], "Action Classification model": [[138, "action-classification-model"]], "Setup virtual environment": [[138, "setup-virtual-environment"], [139, "setup-virtual-environment"], [141, "setup-virtual-environment"], [142, "setup-virtual-environment"], [144, "setup-virtual-environment"], [145, "setup-virtual-environment"], [146, "setup-virtual-environment"]], "Action Detection model": [[139, "action-detection-model"]], "Anomaly Detection Tutorial": [[140, "anomaly-detection-tutorial"]], "Setup the Virtual environment": [[140, "setup-the-virtual-environment"]], "Dataset Preparation": [[140, "dataset-preparation"]], "Segmentation and Classification": [[140, "segmentation-and-classification"]], "Classification model": [[141, "classification-model"]], "Object Detection model": [[142, "object-detection-model"]], "Training to deployment tutorials": [[143, "training-to-deployment-tutorials"]], "Instance Segmentation model": [[144, "instance-segmentation-model"]], "Validation": [[144, "validation"], [145, "validation"]], "Semantic Segmentation model": [[145, "semantic-segmentation-model"]], "Visual Prompting model": [[146, "visual-prompting-model"]], "Base Tutorials": [[147, "base-tutorials"]], "Welcome to Intel OpenVINO Training Extensions\u2019s develop documentation!": [[148, "welcome-to-intel-openvino-training-extensions-s-develop-documentation"]], "Indices and tables": [[148, "indices-and-tables"]]}, "indexentries": {"module": [[32, "module-otx"], [33, "module-otx.algo"], [34, "module-otx.algo.accelerators"], [35, "module-otx.algo.action_classification"], [36, "module-otx.algo.classification"], [37, "module-otx.algo.classification.backbones"], [38, "module-otx.algo.classification.heads"], [39, "module-otx.algo.classification.losses"], [40, "module-otx.algo.detection"], [41, "module-otx.algo.detection.backbones"], [42, "module-otx.algo.detection.backbones.pytorchcv_backbones"], [43, "module-otx.algo.detection.heads"], [44, "module-otx.algo.detection.losses"], [45, "module-otx.algo.plugins"], [46, "module-otx.algo.segmentation"], [47, "module-otx.algo.segmentation.backbones"], [48, "module-otx.algo.segmentation.heads"], [49, "module-otx.algo.segmentation.losses"], [50, "module-otx.algo.strategies"], [51, "module-otx.algo.visual_prompting"], [52, "module-otx.algo.visual_prompting.backbones"], [53, "module-otx.algo.visual_prompting.decoders"], [54, "module-otx.algo.visual_prompting.encoders"], [55, "module-otx.cli"], [56, "module-otx.cli.cli"], [57, "module-otx.cli.install"], [58, "module-otx.cli.utils"], [59, "module-otx.cli.utils.help_formatter"], [60, "module-otx.cli.utils.installation"], [61, "module-otx.cli.utils.jsonargparse"], [62, "module-otx.cli.utils.workspace"], [63, "module-otx.core"], [64, "module-otx.core.config"], [65, "module-otx.core.config.data"], [66, "module-otx.core.config.device"], [67, "module-otx.core.config.explain"], [68, "module-otx.core.config.hpo"], [69, "module-otx.core.data"], [70, "module-otx.core.exporter"], [71, "module-otx.core.exporter.base"], [72, "module-otx.core.exporter.exportable_code"], [73, "module-otx.core.exporter.exportable_code.demo"], [74, "module-otx.core.exporter.mmdeploy"], [75, "module-otx.core.exporter.native"], [76, "module-otx.core.exporter.visual_prompting"], [77, "module-otx.core.metrics"], [78, "module-otx.core.metrics.accuracy"], [79, "module-otx.core.metrics.fmeasure"], [80, "module-otx.core.model"], [81, "module-otx.core.model.entity"], [82, "module-otx.core.model.entity.action_classification"], [83, "module-otx.core.model.entity.action_detection"], [84, "module-otx.core.model.entity.base"], [85, "module-otx.core.model.entity.classification"], [86, "module-otx.core.model.entity.detection"], [87, "module-otx.core.model.entity.instance_segmentation"], [88, "module-otx.core.model.entity.rotated_detection"], [89, "module-otx.core.model.entity.segmentation"], [90, "module-otx.core.model.entity.utils"], [91, "module-otx.core.model.entity.utils.mmaction"], [92, "module-otx.core.model.entity.utils.mmdet"], [93, "module-otx.core.model.entity.utils.mmpretrain"], [94, "module-otx.core.model.entity.utils.mmseg"], [95, "module-otx.core.model.entity.visual_prompting"], [96, "module-otx.core.model.module"], [97, "module-otx.core.model.module.action_classification"], [98, "module-otx.core.model.module.action_detection"], [99, "module-otx.core.model.module.anomaly"], [100, "module-otx.core.model.module.base"], [101, "module-otx.core.model.module.classification"], [102, "module-otx.core.model.module.detection"], [103, "module-otx.core.model.module.instance_segmentation"], [104, "module-otx.core.model.module.rotated_detection"], [105, "module-otx.core.model.module.segmentation"], [106, "module-otx.core.model.module.visual_prompting"], [107, "module-otx.core.types"], [108, "module-otx.core.types.device"], [109, "module-otx.core.types.explain"], [110, "module-otx.core.types.export"], [111, "module-otx.core.types.image"], [112, "module-otx.core.types.precision"], [113, "module-otx.core.types.task"], [114, "module-otx.core.types.transformer_libs"], [115, "module-otx.core.utils"], [116, "module-otx.core.utils.build"], [117, "module-otx.core.utils.cache"], [118, "module-otx.core.utils.config"], [119, "module-otx.core.utils.imports"], [120, "module-otx.core.utils.instantiators"], [121, "module-otx.core.utils.mask_util"], [122, "module-otx.core.utils.pylogger"], [123, "module-otx.core.utils.tile_merge"], [124, "module-otx.core.utils.utils"], [125, "module-otx.data"], [126, "module-otx.engine"], [127, "module-otx.hpo"], [128, "module-otx.recipe"], [129, "module-otx.tools"], [130, "module-otx.tools.translate_mmrecipe"], [131, "module-otx.utils"]], "otx": [[32, "module-otx"]], "otx.algo": [[33, "module-otx.algo"]], "xpuaccelerator (class in otx.algo.accelerators)": [[34, "otx.algo.accelerators.XPUAccelerator"]], "auto_device_count() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.auto_device_count"]], "get_device_stats() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.get_device_stats"]], "get_parallel_devices() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.get_parallel_devices"]], "is_available() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.is_available"]], "otx.algo.accelerators": [[34, "module-otx.algo.accelerators"]], "parse_devices() (otx.algo.accelerators.xpuaccelerator static method)": [[34, "otx.algo.accelerators.XPUAccelerator.parse_devices"]], "patch_packages_xpu() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.patch_packages_xpu"]], "revert_packages_xpu() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.revert_packages_xpu"]], "setup_device() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.setup_device"]], "teardown() (otx.algo.accelerators.xpuaccelerator method)": [[34, "otx.algo.accelerators.XPUAccelerator.teardown"]], "movinethead (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.MoViNetHead"]], "movinetrecognizer (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.MoViNetRecognizer"]], "otxmovinet (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.OTXMoViNet"]], "otxovactioncls (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.OTXOVActionCls"]], "otxrecognizer3d (class in otx.algo.action_classification)": [[35, "otx.algo.action_classification.OTXRecognizer3D"]], "fill_conv() (otx.algo.action_classification.otxmovinet static method)": [[35, "otx.algo.action_classification.OTXMoViNet.fill_conv"]], "fill_se_config() (otx.algo.action_classification.otxmovinet static method)": [[35, "otx.algo.action_classification.OTXMoViNet.fill_se_config"]], "forward() (otx.algo.action_classification.movinethead method)": [[35, "otx.algo.action_classification.MoViNetHead.forward"]], "init_weights() (otx.algo.action_classification.movinethead method)": [[35, "otx.algo.action_classification.MoViNetHead.init_weights"]], "load_state_dict_pre_hook() (otx.algo.action_classification.movinetrecognizer static method)": [[35, "otx.algo.action_classification.MoViNetRecognizer.load_state_dict_pre_hook"]], "otx.algo.action_classification": [[35, "module-otx.algo.action_classification"]], "postprocess() (otx.algo.action_classification.otxovactioncls method)": [[35, "otx.algo.action_classification.OTXOVActionCls.postprocess"]], "preprocess() (otx.algo.action_classification.otxovactioncls method)": [[35, "otx.algo.action_classification.OTXOVActionCls.preprocess"]], "state_dict_hook() (otx.algo.action_classification.movinetrecognizer static method)": [[35, "otx.algo.action_classification.MoViNetRecognizer.state_dict_hook"]], "dinov2 (class in otx.algo.classification)": [[36, "otx.algo.classification.DINOv2"]], "dinov2registerclassifier (class in otx.algo.classification)": [[36, "otx.algo.classification.DINOv2RegisterClassifier"]], "forward() (otx.algo.classification.dinov2 method)": [[36, "otx.algo.classification.DINOv2.forward"]], "otx.algo.classification": [[36, "module-otx.algo.classification"]], "otxefficientnet (class in otx.algo.classification.backbones)": [[37, "otx.algo.classification.backbones.OTXEfficientNet"]], "otxefficientnetv2 (class in otx.algo.classification.backbones)": [[37, "otx.algo.classification.backbones.OTXEfficientNetV2"]], "otxmobilenetv3 (class in otx.algo.classification.backbones)": [[37, "otx.algo.classification.backbones.OTXMobileNetV3"]], "forward() (otx.algo.classification.backbones.otxefficientnet method)": [[37, "otx.algo.classification.backbones.OTXEfficientNet.forward"]], "forward() (otx.algo.classification.backbones.otxmobilenetv3 method)": [[37, "otx.algo.classification.backbones.OTXMobileNetV3.forward"]], "init_weights() (otx.algo.classification.backbones.otxefficientnet method)": [[37, "otx.algo.classification.backbones.OTXEfficientNet.init_weights"]], "init_weights() (otx.algo.classification.backbones.otxefficientnetv2 method)": [[37, "otx.algo.classification.backbones.OTXEfficientNetV2.init_weights"]], "init_weights() (otx.algo.classification.backbones.otxmobilenetv3 method)": [[37, "otx.algo.classification.backbones.OTXMobileNetV3.init_weights"]], "otx.algo.classification.backbones": [[37, "module-otx.algo.classification.backbones"]], "customhierarchicallinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead"]], "customhierarchicalnonlinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead"]], "custommultilabellinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomMultiLabelLinearClsHead"]], "custommultilabelnonlinearclshead (class in otx.algo.classification.heads)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead"]], "forward() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.forward"]], "forward() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.forward"]], "forward() (otx.algo.classification.heads.custommultilabelnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead.forward"]], "get_valid_label_mask() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.get_valid_label_mask"]], "get_valid_label_mask() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.get_valid_label_mask"]], "get_valid_label_mask() (otx.algo.classification.heads.custommultilabellinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelLinearClsHead.get_valid_label_mask"]], "get_valid_label_mask() (otx.algo.classification.heads.custommultilabelnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead.get_valid_label_mask"]], "loss() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.loss"]], "loss() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.loss"]], "loss() (otx.algo.classification.heads.custommultilabellinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelLinearClsHead.loss"]], "loss() (otx.algo.classification.heads.custommultilabelnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomMultiLabelNonLinearClsHead.loss"]], "otx.algo.classification.heads": [[38, "module-otx.algo.classification.heads"]], "pre_logits() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.pre_logits"]], "pre_logits() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.pre_logits"]], "predict() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.predict"]], "predict() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.predict"]], "set_hlabel_info() (otx.algo.classification.heads.customhierarchicallinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalLinearClsHead.set_hlabel_info"]], "set_hlabel_info() (otx.algo.classification.heads.customhierarchicalnonlinearclshead method)": [[38, "otx.algo.classification.heads.CustomHierarchicalNonLinearClsHead.set_hlabel_info"]], "asymmetricangularlosswithignore (class in otx.algo.classification.losses)": [[39, "otx.algo.classification.losses.AsymmetricAngularLossWithIgnore"]], "forward() (otx.algo.classification.losses.asymmetricangularlosswithignore method)": [[39, "otx.algo.classification.losses.AsymmetricAngularLossWithIgnore.forward"]], "otx.algo.classification.losses": [[39, "module-otx.algo.classification.losses"]], "ssd (class in otx.algo.detection)": [[40, "otx.algo.detection.SSD"]], "get_classification_layers() (otx.algo.detection.ssd static method)": [[40, "otx.algo.detection.SSD.get_classification_layers"]], "load_from_otx_v1_ckpt() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.load_from_otx_v1_ckpt"]], "load_state_dict_pre_hook() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.load_state_dict_pre_hook"]], "otx.algo.detection": [[40, "module-otx.algo.detection"]], "setup_callback() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.setup_callback"]], "state_dict() (otx.algo.detection.ssd method)": [[40, "otx.algo.detection.SSD.state_dict"]], "otx.algo.detection.backbones": [[41, "module-otx.algo.detection.backbones"]], "init_weights() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.init_weights"]], "multioutput_forward() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.multioutput_forward"]], "otx.algo.detection.backbones.pytorchcv_backbones": [[42, "module-otx.algo.detection.backbones.pytorchcv_backbones"]], "replace_activation() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.replace_activation"]], "replace_norm() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.replace_norm"]], "train() (in module otx.algo.detection.backbones.pytorchcv_backbones)": [[42, "otx.algo.detection.backbones.pytorchcv_backbones.train"]], "customatsshead (class in otx.algo.detection.heads)": [[43, "otx.algo.detection.heads.CustomATSSHead"]], "customssdhead (class in otx.algo.detection.heads)": [[43, "otx.algo.detection.heads.CustomSSDHead"]], "ssdanchorgeneratorclustered (class in otx.algo.detection.heads)": [[43, "otx.algo.detection.heads.SSDAnchorGeneratorClustered"]], "gen_base_anchors() (otx.algo.detection.heads.ssdanchorgeneratorclustered method)": [[43, "otx.algo.detection.heads.SSDAnchorGeneratorClustered.gen_base_anchors"]], "gen_single_level_base_anchors() (otx.algo.detection.heads.ssdanchorgeneratorclustered method)": [[43, "otx.algo.detection.heads.SSDAnchorGeneratorClustered.gen_single_level_base_anchors"]], "get_targets() (otx.algo.detection.heads.customatsshead method)": [[43, "otx.algo.detection.heads.CustomATSSHead.get_targets"]], "loss_by_feat() (otx.algo.detection.heads.customatsshead method)": [[43, "otx.algo.detection.heads.CustomATSSHead.loss_by_feat"]], "loss_by_feat_single() (otx.algo.detection.heads.customatsshead method)": [[43, "otx.algo.detection.heads.CustomATSSHead.loss_by_feat_single"]], "otx.algo.detection.heads": [[43, "module-otx.algo.detection.heads"]], "otx.algo.detection.losses": [[44, "module-otx.algo.detection.losses"]], "mixedprecisionxpuplugin (class in otx.algo.plugins)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin"]], "clip_gradients() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.clip_gradients"]], "forward_context() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.forward_context"]], "load_state_dict() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.load_state_dict"]], "optimizer_step() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.optimizer_step"]], "otx.algo.plugins": [[45, "module-otx.algo.plugins"]], "pre_backward() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.pre_backward"]], "state_dict() (otx.algo.plugins.mixedprecisionxpuplugin method)": [[45, "otx.algo.plugins.MixedPrecisionXPUPlugin.state_dict"]], "otx.algo.segmentation": [[46, "module-otx.algo.segmentation"]], "dinovisiontransformer (class in otx.algo.segmentation.backbones)": [[47, "otx.algo.segmentation.backbones.DinoVisionTransformer"]], "litehrnet (class in otx.algo.segmentation.backbones)": [[47, "otx.algo.segmentation.backbones.LiteHRNet"]], "forward() (otx.algo.segmentation.backbones.dinovisiontransformer method)": [[47, "otx.algo.segmentation.backbones.DinoVisionTransformer.forward"]], "forward() (otx.algo.segmentation.backbones.litehrnet method)": [[47, "otx.algo.segmentation.backbones.LiteHRNet.forward"]], "init_weights() (otx.algo.segmentation.backbones.dinovisiontransformer method)": [[47, "otx.algo.segmentation.backbones.DinoVisionTransformer.init_weights"]], "otx.algo.segmentation.backbones": [[47, "module-otx.algo.segmentation.backbones"]], "customfcnhead (class in otx.algo.segmentation.heads)": [[48, "otx.algo.segmentation.heads.CustomFCNHead"]], "customlighthamhead (class in otx.algo.segmentation.heads)": [[48, "otx.algo.segmentation.heads.CustomLightHamHead"]], "otx.algo.segmentation.heads": [[48, "module-otx.algo.segmentation.heads"]], "crossentropylosswithignore (class in otx.algo.segmentation.losses)": [[49, "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore"]], "forward() (otx.algo.segmentation.losses.crossentropylosswithignore method)": [[49, "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore.forward"]], "loss_name (otx.algo.segmentation.losses.crossentropylosswithignore property)": [[49, "otx.algo.segmentation.losses.CrossEntropyLossWithIgnore.loss_name"]], "otx.algo.segmentation.losses": [[49, "module-otx.algo.segmentation.losses"]], "singlexpustrategy (class in otx.algo.strategies)": [[50, "otx.algo.strategies.SingleXPUStrategy"]], "is_distributed (otx.algo.strategies.singlexpustrategy property)": [[50, "otx.algo.strategies.SingleXPUStrategy.is_distributed"]], "otx.algo.strategies": [[50, "module-otx.algo.strategies"]], "setup_optimizers() (otx.algo.strategies.singlexpustrategy method)": [[50, "otx.algo.strategies.SingleXPUStrategy.setup_optimizers"]], "otxsegmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.OTXSegmentAnything"]], "otxzeroshotsegmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything"]], "segmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.SegmentAnything"]], "visualpromptingdecoder (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder"]], "visualpromptingimageencoder (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.VisualPromptingImageEncoder"]], "zeroshotsegmentanything (class in otx.algo.visual_prompting)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything"]], "apply_boxes() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_boxes"]], "apply_coords() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_coords"]], "apply_coords() (otx.algo.visual_prompting.visualpromptingdecoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.apply_coords"]], "apply_image() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_image"]], "apply_points() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_points"]], "apply_prompts() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.apply_prompts"]], "calculate_dice_loss() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_dice_loss"]], "calculate_iou() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_iou"]], "calculate_sigmoid_ce_focal_loss() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_sigmoid_ce_focal_loss"]], "calculate_stability_score() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.calculate_stability_score"]], "expand_reference_info() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.expand_reference_info"]], "forward() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.forward"]], "forward() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.forward"]], "forward_inference() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.forward_inference"]], "forward_train() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.forward_train"]], "freeze_networks() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.freeze_networks"]], "get_prepadded_size() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.get_prepadded_size"]], "get_preprocess_shape() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.get_preprocess_shape"]], "infer() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.infer"]], "infer() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.infer"]], "initialize_reference_info() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.initialize_reference_info"]], "learn() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.learn"]], "learn() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.learn"]], "load_checkpoint() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.load_checkpoint"]], "load_latest_reference_info() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.load_latest_reference_info"]], "otx.algo.visual_prompting": [[51, "module-otx.algo.visual_prompting"]], "pad_to_square() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.pad_to_square"]], "parameters() (otx.algo.visual_prompting.visualpromptingdecoder class method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.parameters"]], "parameters() (otx.algo.visual_prompting.visualpromptingimageencoder class method)": [[51, "otx.algo.visual_prompting.VisualPromptingImageEncoder.parameters"]], "postprocess() (otx.algo.visual_prompting.visualpromptingdecoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.postprocess"]], "postprocess_masks() (otx.algo.visual_prompting.segmentanything class method)": [[51, "otx.algo.visual_prompting.SegmentAnything.postprocess_masks"]], "preprocess() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.preprocess"]], "preprocess() (otx.algo.visual_prompting.visualpromptingdecoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingDecoder.preprocess"]], "preprocess() (otx.algo.visual_prompting.visualpromptingimageencoder method)": [[51, "otx.algo.visual_prompting.VisualPromptingImageEncoder.preprocess"]], "select_masks() (otx.algo.visual_prompting.segmentanything method)": [[51, "otx.algo.visual_prompting.SegmentAnything.select_masks"]], "set_default_config() (otx.algo.visual_prompting.zeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.ZeroShotSegmentAnything.set_default_config"]], "transforms() (otx.algo.visual_prompting.otxzeroshotsegmentanything method)": [[51, "otx.algo.visual_prompting.OTXZeroShotSegmentAnything.transforms"]], "tinyvit (class in otx.algo.visual_prompting.backbones)": [[52, "otx.algo.visual_prompting.backbones.TinyViT"]], "vit (class in otx.algo.visual_prompting.backbones)": [[52, "otx.algo.visual_prompting.backbones.ViT"]], "forward() (otx.algo.visual_prompting.backbones.tinyvit method)": [[52, "otx.algo.visual_prompting.backbones.TinyViT.forward"]], "forward() (otx.algo.visual_prompting.backbones.vit method)": [[52, "otx.algo.visual_prompting.backbones.ViT.forward"]], "no_weight_decay_keywords() (otx.algo.visual_prompting.backbones.tinyvit method)": [[52, "otx.algo.visual_prompting.backbones.TinyViT.no_weight_decay_keywords"]], "otx.algo.visual_prompting.backbones": [[52, "module-otx.algo.visual_prompting.backbones"]], "set_layer_lr_decay() (otx.algo.visual_prompting.backbones.tinyvit method)": [[52, "otx.algo.visual_prompting.backbones.TinyViT.set_layer_lr_decay"]], "sammaskdecoder (class in otx.algo.visual_prompting.decoders)": [[53, "otx.algo.visual_prompting.decoders.SAMMaskDecoder"]], "forward() (otx.algo.visual_prompting.decoders.sammaskdecoder method)": [[53, "otx.algo.visual_prompting.decoders.SAMMaskDecoder.forward"]], "otx.algo.visual_prompting.decoders": [[53, "module-otx.algo.visual_prompting.decoders"]], "predict_masks() (otx.algo.visual_prompting.decoders.sammaskdecoder method)": [[53, "otx.algo.visual_prompting.decoders.SAMMaskDecoder.predict_masks"]], "samimageencoder (class in otx.algo.visual_prompting.encoders)": [[54, "otx.algo.visual_prompting.encoders.SAMImageEncoder"]], "sampromptencoder (class in otx.algo.visual_prompting.encoders)": [[54, "otx.algo.visual_prompting.encoders.SAMPromptEncoder"]], "forward() (otx.algo.visual_prompting.encoders.sampromptencoder method)": [[54, "otx.algo.visual_prompting.encoders.SAMPromptEncoder.forward"]], "get_dense_pe() (otx.algo.visual_prompting.encoders.sampromptencoder method)": [[54, "otx.algo.visual_prompting.encoders.SAMPromptEncoder.get_dense_pe"]], "otx.algo.visual_prompting.encoders": [[54, "module-otx.algo.visual_prompting.encoders"]], "main() (in module otx.cli)": [[55, "otx.cli.main"]], "otx.cli": [[55, "module-otx.cli"]], "otxcli (class in otx.cli.cli)": [[56, "otx.cli.cli.OTXCLI"]], "add_subcommands() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.add_subcommands"]], "engine_subcommand_parser() (otx.cli.cli.otxcli static method)": [[56, "otx.cli.cli.OTXCLI.engine_subcommand_parser"]], "engine_subcommands() (otx.cli.cli.otxcli static method)": [[56, "otx.cli.cli.OTXCLI.engine_subcommands"]], "get_config_value() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.get_config_value"]], "get_subcommand_parser() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.get_subcommand_parser"]], "init_parser() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.init_parser"]], "instantiate_classes() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_classes"]], "instantiate_engine() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_engine"]], "instantiate_metric() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_metric"]], "instantiate_model() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.instantiate_model"]], "otx.cli.cli": [[56, "module-otx.cli.cli"]], "prepare_subcommand_kwargs() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.prepare_subcommand_kwargs"]], "run() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.run"]], "save_config() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.save_config"]], "set_seed() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.set_seed"]], "update_latest() (otx.cli.cli.otxcli method)": [[56, "otx.cli.cli.OTXCLI.update_latest"]], "add_install_parser() (in module otx.cli.install)": [[57, "otx.cli.install.add_install_parser"]], "otx.cli.install": [[57, "module-otx.cli.install"]], "otx_install() (in module otx.cli.install)": [[57, "otx.cli.install.otx_install"]], "absolute_path() (in module otx.cli.utils)": [[58, "otx.cli.utils.absolute_path"]], "otx.cli.utils": [[58, "module-otx.cli.utils"]], "customhelpformatter (class in otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.CustomHelpFormatter"]], "add_argument() (otx.cli.utils.help_formatter.customhelpformatter method)": [[59, "id0"], [59, "otx.cli.utils.help_formatter.CustomHelpFormatter.add_argument"]], "add_usage() (otx.cli.utils.help_formatter.customhelpformatter method)": [[59, "id1"], [59, "otx.cli.utils.help_formatter.CustomHelpFormatter.add_usage"]], "format_help() (otx.cli.utils.help_formatter.customhelpformatter method)": [[59, "id2"], [59, "otx.cli.utils.help_formatter.CustomHelpFormatter.format_help"]], "get_cli_usage_docstring() (in module otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.get_cli_usage_docstring"]], "get_verbosity_subcommand() (in module otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.get_verbosity_subcommand"]], "otx.cli.utils.help_formatter": [[59, "module-otx.cli.utils.help_formatter"]], "render_guide() (in module otx.cli.utils.help_formatter)": [[59, "otx.cli.utils.help_formatter.render_guide"]], "subcommand (otx.cli.utils.help_formatter.customhelpformatter attribute)": [[59, "otx.cli.utils.help_formatter.CustomHelpFormatter.subcommand"]], "verbosity_level (otx.cli.utils.help_formatter.customhelpformatter attribute)": [[59, "otx.cli.utils.help_formatter.CustomHelpFormatter.verbosity_level"]], "add_hardware_suffix_to_torch() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.add_hardware_suffix_to_torch"]], "get_cuda_suffix() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_cuda_suffix"]], "get_cuda_version() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_cuda_version"]], "get_hardware_suffix() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_hardware_suffix"]], "get_mmcv_install_args() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_mmcv_install_args"]], "get_module_version() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_module_version"]], "get_requirements() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_requirements"]], "get_torch_install_args() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.get_torch_install_args"]], "mim_installation() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.mim_installation"]], "otx.cli.utils.installation": [[60, "module-otx.cli.utils.installation"]], "parse_requirements() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.parse_requirements"]], "patch_mmaction2() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.patch_mmaction2"]], "update_cuda_version_with_available_torch_cuda_build() (in module otx.cli.utils.installation)": [[60, "otx.cli.utils.installation.update_cuda_version_with_available_torch_cuda_build"]], "add_list_type_arguments() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.add_list_type_arguments"]], "apply_config() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.apply_config"]], "flatten_dict() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.flatten_dict"]], "get_configuration() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_configuration"]], "get_defaults_with_overrides() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_defaults_with_overrides"]], "get_instantiated_classes() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_instantiated_classes"]], "get_short_docstring() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.get_short_docstring"]], "list_override() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.list_override"]], "otx.cli.utils.jsonargparse": [[61, "module-otx.cli.utils.jsonargparse"]], "patch_update_configs() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.patch_update_configs"]], "update() (in module otx.cli.utils.jsonargparse)": [[61, "otx.cli.utils.jsonargparse.update"]], "workspace (class in otx.cli.utils.workspace)": [[62, "otx.cli.utils.workspace.Workspace"]], "otx.cli.utils.workspace": [[62, "module-otx.cli.utils.workspace"]], "otx.core": [[63, "module-otx.core"]], "any_representer() (in module otx.core.config)": [[64, "otx.core.config.any_representer"]], "as_int_tuple() (in module otx.core.config)": [[64, "otx.core.config.as_int_tuple"]], "as_torch_dtype() (in module otx.core.config)": [[64, "otx.core.config.as_torch_dtype"]], "dtype_representer() (in module otx.core.config)": [[64, "otx.core.config.dtype_representer"]], "ignore_aliases() (in module otx.core.config)": [[64, "otx.core.config.ignore_aliases"]], "otx.core.config": [[64, "module-otx.core.config"]], "register_configs() (in module otx.core.config)": [[64, "otx.core.config.register_configs"]], "datamoduleconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.DataModuleConfig"]], "samplerconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.SamplerConfig"]], "subsetconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.SubsetConfig"]], "tileconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.TileConfig"]], "visualpromptingconfig (class in otx.core.config.data)": [[65, "otx.core.config.data.VisualPromptingConfig"]], "batch_size (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.batch_size"]], "num_workers (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.num_workers"]], "otx.core.config.data": [[65, "module-otx.core.config.data"]], "subset_name (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.subset_name"]], "transform_lib_type (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.transform_lib_type"]], "transforms (otx.core.config.data.subsetconfig attribute)": [[65, "otx.core.config.data.SubsetConfig.transforms"]], "deviceconfig (class in otx.core.config.device)": [[66, "otx.core.config.device.DeviceConfig"]], "otx.core.config.device": [[66, "module-otx.core.config.device"]], "explainconfig (class in otx.core.config.explain)": [[67, "otx.core.config.explain.ExplainConfig"]], "otx.core.config.explain": [[67, "module-otx.core.config.explain"]], "hpoconfig (class in otx.core.config.hpo)": [[68, "otx.core.config.hpo.HpoConfig"]], "otx.core.config.hpo": [[68, "module-otx.core.config.hpo"]], "otxdatamodule (class in otx.core.data)": [[69, "otx.core.data.OTXDataModule"]], "otxdatasetfactory (class in otx.core.data)": [[69, "otx.core.data.OTXDatasetFactory"]], "transformlibfactory (class in otx.core.data)": [[69, "otx.core.data.TransformLibFactory"]], "create() (otx.core.data.otxdatasetfactory class method)": [[69, "otx.core.data.OTXDatasetFactory.create"]], "generate() (otx.core.data.transformlibfactory class method)": [[69, "otx.core.data.TransformLibFactory.generate"]], "hparams_initial (otx.core.data.otxdatamodule property)": [[69, "otx.core.data.OTXDataModule.hparams_initial"]], "otx.core.data": [[69, "module-otx.core.data"]], "predict_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.predict_dataloader"]], "setup() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.setup"]], "teardown() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.teardown"]], "test_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.test_dataloader"]], "train_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.train_dataloader"]], "val_dataloader() (otx.core.data.otxdatamodule method)": [[69, "otx.core.data.OTXDataModule.val_dataloader"]], "otx.core.exporter": [[70, "module-otx.core.exporter"]], "otxmodelexporter (class in otx.core.exporter.base)": [[71, "otx.core.exporter.base.OTXModelExporter"]], "export() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.export"]], "otx.core.exporter.base": [[71, "module-otx.core.exporter.base"]], "to_exportable_code() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.to_exportable_code"]], "to_onnx() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.to_onnx"]], "to_openvino() (otx.core.exporter.base.otxmodelexporter method)": [[71, "otx.core.exporter.base.OTXModelExporter.to_openvino"]], "otx.core.exporter.exportable_code": [[72, "module-otx.core.exporter.exportable_code"]], "otx.core.exporter.exportable_code.demo": [[73, "module-otx.core.exporter.exportable_code.demo"]], "mmdeployexporter (class in otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter"]], "cvt_torch2onnx_partition() (otx.core.exporter.mmdeploy.mmdeployexporter method)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter.cvt_torch2onnx_partition"]], "load_mmconfig_from_pkg() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.load_mmconfig_from_pkg"]], "mmdeploy_init_model_helper() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.mmdeploy_init_model_helper"]], "otx.core.exporter.mmdeploy": [[74, "module-otx.core.exporter.mmdeploy"]], "patch_input_shape() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.patch_input_shape"]], "patch_ir_scale_factor() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.patch_ir_scale_factor"]], "to_onnx() (otx.core.exporter.mmdeploy.mmdeployexporter method)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter.to_onnx"]], "to_openvino() (otx.core.exporter.mmdeploy.mmdeployexporter method)": [[74, "otx.core.exporter.mmdeploy.MMdeployExporter.to_openvino"]], "use_temporary_default_scope() (in module otx.core.exporter.mmdeploy)": [[74, "otx.core.exporter.mmdeploy.use_temporary_default_scope"]], "otxnativemodelexporter (class in otx.core.exporter.native)": [[75, "otx.core.exporter.native.OTXNativeModelExporter"]], "otx.core.exporter.native": [[75, "module-otx.core.exporter.native"]], "to_onnx() (otx.core.exporter.native.otxnativemodelexporter method)": [[75, "otx.core.exporter.native.OTXNativeModelExporter.to_onnx"]], "to_openvino() (otx.core.exporter.native.otxnativemodelexporter method)": [[75, "otx.core.exporter.native.OTXNativeModelExporter.to_openvino"]], "otxvisualpromptingmodelexporter (class in otx.core.exporter.visual_prompting)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter"]], "export() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.export"]], "get_onnx_dummy_inputs() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.get_onnx_dummy_inputs"]], "otx.core.exporter.visual_prompting": [[76, "module-otx.core.exporter.visual_prompting"]], "to_onnx() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.to_onnx"]], "to_openvino() (otx.core.exporter.visual_prompting.otxvisualpromptingmodelexporter method)": [[76, "otx.core.exporter.visual_prompting.OTXVisualPromptingModelExporter.to_openvino"]], "otx.core.metrics": [[77, "module-otx.core.metrics"]], "accuracywithlabelgroup (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup"]], "hlabelaccuracy (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.HlabelAccuracy"]], "mixedhlabelaccuracy (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.MixedHLabelAccuracy"]], "multiclassaccuracywithlabelgroup (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.MulticlassAccuracywithLabelGroup"]], "multilabelaccuracywithlabelgroup (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.MultilabelAccuracywithLabelGroup"]], "namedconfusionmatrix (class in otx.core.metrics.accuracy)": [[78, "otx.core.metrics.accuracy.NamedConfusionMatrix"]], "col_names (otx.core.metrics.accuracy.namedconfusionmatrix property)": [[78, "otx.core.metrics.accuracy.NamedConfusionMatrix.col_names"]], "compute() (otx.core.metrics.accuracy.accuracywithlabelgroup method)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup.compute"]], "compute() (otx.core.metrics.accuracy.mixedhlabelaccuracy method)": [[78, "otx.core.metrics.accuracy.MixedHLabelAccuracy.compute"]], "label_info (otx.core.metrics.accuracy.accuracywithlabelgroup property)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup.label_info"]], "otx.core.metrics.accuracy": [[78, "module-otx.core.metrics.accuracy"]], "row_names (otx.core.metrics.accuracy.namedconfusionmatrix property)": [[78, "otx.core.metrics.accuracy.NamedConfusionMatrix.row_names"]], "update() (otx.core.metrics.accuracy.accuracywithlabelgroup method)": [[78, "otx.core.metrics.accuracy.AccuracywithLabelGroup.update"]], "update() (otx.core.metrics.accuracy.mixedhlabelaccuracy method)": [[78, "otx.core.metrics.accuracy.MixedHLabelAccuracy.update"]], "fmeasure (class in otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.FMeasure"]], "best_confidence_threshold (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.best_confidence_threshold"]], "best_nms_threshold (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.best_nms_threshold"]], "bounding_box_intersection_over_union() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.bounding_box_intersection_over_union"]], "classes (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.classes"]], "compute() (otx.core.metrics.fmeasure.fmeasure method)": [[79, "otx.core.metrics.fmeasure.FMeasure.compute"]], "f_measure (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure"]], "f_measure_per_confidence (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure_per_confidence"]], "f_measure_per_label (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure_per_label"]], "f_measure_per_nms (otx.core.metrics.fmeasure.fmeasure property)": [[79, "otx.core.metrics.fmeasure.FMeasure.f_measure_per_nms"]], "get_iou_matrix() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.get_iou_matrix"]], "get_n_false_negatives() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.get_n_false_negatives"]], "intersection_box() (in module otx.core.metrics.fmeasure)": [[79, "otx.core.metrics.fmeasure.intersection_box"]], "otx.core.metrics.fmeasure": [[79, "module-otx.core.metrics.fmeasure"]], "update() (otx.core.metrics.fmeasure.fmeasure method)": [[79, "otx.core.metrics.fmeasure.FMeasure.update"]], "otx.core.model": [[80, "module-otx.core.model"]], "otx.core.model.entity": [[81, "module-otx.core.model.entity"]], "mmactioncompatiblemodel (class in otx.core.model.entity.action_classification)": [[82, "otx.core.model.entity.action_classification.MMActionCompatibleModel"]], "otxactionclsmodel (class in otx.core.model.entity.action_classification)": [[82, "otx.core.model.entity.action_classification.OTXActionClsModel"]], "ovactionclsmodel (class in otx.core.model.entity.action_classification)": [[82, "otx.core.model.entity.action_classification.OVActionClsModel"]], "model_adapter_parameters (otx.core.model.entity.action_classification.ovactionclsmodel property)": [[82, "otx.core.model.entity.action_classification.OVActionClsModel.model_adapter_parameters"]], "otx.core.model.entity.action_classification": [[82, "module-otx.core.model.entity.action_classification"]], "transform_fn() (otx.core.model.entity.action_classification.ovactionclsmodel method)": [[82, "otx.core.model.entity.action_classification.OVActionClsModel.transform_fn"]], "mmactioncompatiblemodel (class in otx.core.model.entity.action_detection)": [[83, "otx.core.model.entity.action_detection.MMActionCompatibleModel"]], "otxactiondetmodel (class in otx.core.model.entity.action_detection)": [[83, "otx.core.model.entity.action_detection.OTXActionDetModel"]], "otx.core.model.entity.action_detection": [[83, "module-otx.core.model.entity.action_detection"]], "otxmodel (class in otx.core.model.entity.base)": [[84, "otx.core.model.entity.base.OTXModel"]], "ovmodel (class in otx.core.model.entity.base)": [[84, "otx.core.model.entity.base.OVModel"]], "explain_mode (otx.core.model.entity.base.otxmodel property)": [[84, "otx.core.model.entity.base.OTXModel.explain_mode"]], "export() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.export"]], "forward() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.forward"]], "forward() (otx.core.model.entity.base.ovmodel method)": [[84, "otx.core.model.entity.base.OVModel.forward"]], "forward_explain() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.forward_explain"]], "forward_tiles() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.forward_tiles"]], "get_explain_fn() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.get_explain_fn"]], "label_info (otx.core.model.entity.base.otxmodel property)": [[84, "otx.core.model.entity.base.OTXModel.label_info"]], "label_info (otx.core.model.entity.base.ovmodel property)": [[84, "otx.core.model.entity.base.OVModel.label_info"]], "load_state_dict_pre_hook() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.load_state_dict_pre_hook"]], "map_class_names() (otx.core.model.entity.base.otxmodel static method)": [[84, "otx.core.model.entity.base.OTXModel.map_class_names"]], "model_adapter_parameters (otx.core.model.entity.base.ovmodel property)": [[84, "otx.core.model.entity.base.OVModel.model_adapter_parameters"]], "num_classes (otx.core.model.entity.base.otxmodel property)": [[84, "otx.core.model.entity.base.OTXModel.num_classes"]], "num_classes (otx.core.model.entity.base.ovmodel property)": [[84, "otx.core.model.entity.base.OVModel.num_classes"]], "optimize() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.optimize"]], "optimize() (otx.core.model.entity.base.ovmodel method)": [[84, "otx.core.model.entity.base.OVModel.optimize"]], "otx.core.model.entity.base": [[84, "module-otx.core.model.entity.base"]], "register_load_state_dict_pre_hook() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.register_load_state_dict_pre_hook"]], "setup_callback() (otx.core.model.entity.base.otxmodel method)": [[84, "otx.core.model.entity.base.OTXModel.setup_callback"]], "transform_fn() (otx.core.model.entity.base.ovmodel method)": [[84, "otx.core.model.entity.base.OVModel.transform_fn"]], "explainableotxclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel"]], "mmpretrainhlabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.MMPretrainHlabelClsModel"]], "mmpretrainmulticlassclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.MMPretrainMulticlassClsModel"]], "mmpretrainmultilabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.MMPretrainMultilabelClsModel"]], "otxhlabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OTXHlabelClsModel"]], "otxmulticlassclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OTXMulticlassClsModel"]], "otxmultilabelclsmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OTXMultilabelClsModel"]], "ovhlabelclassificationmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OVHlabelClassificationModel"]], "ovmulticlassclassificationmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OVMulticlassClassificationModel"]], "ovmultilabelclassificationmodel (class in otx.core.model.entity.classification)": [[85, "otx.core.model.entity.classification.OVMultilabelClassificationModel"]], "forward_explain() (otx.core.model.entity.classification.explainableotxclsmodel method)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.forward_explain"]], "get_explain_fn() (otx.core.model.entity.classification.explainableotxclsmodel method)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.get_explain_fn"]], "has_gap (otx.core.model.entity.classification.explainableotxclsmodel property)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.has_gap"]], "head_forward_fn() (otx.core.model.entity.classification.explainableotxclsmodel method)": [[85, "otx.core.model.entity.classification.ExplainableOTXClsModel.head_forward_fn"]], "otx.core.model.entity.classification": [[85, "module-otx.core.model.entity.classification"]], "set_hlabel_info() (otx.core.model.entity.classification.mmpretrainhlabelclsmodel method)": [[85, "otx.core.model.entity.classification.MMPretrainHlabelClsModel.set_hlabel_info"]], "set_hlabel_info() (otx.core.model.entity.classification.ovhlabelclassificationmodel method)": [[85, "otx.core.model.entity.classification.OVHlabelClassificationModel.set_hlabel_info"]], "explainableotxdetmodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel"]], "mmdetcompatiblemodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.MMDetCompatibleModel"]], "otxdetectionmodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.OTXDetectionModel"]], "ovdetectionmodel (class in otx.core.model.entity.detection)": [[86, "otx.core.model.entity.detection.OVDetectionModel"]], "forward_explain() (otx.core.model.entity.detection.explainableotxdetmodel method)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel.forward_explain"]], "forward_tiles() (otx.core.model.entity.detection.otxdetectionmodel method)": [[86, "otx.core.model.entity.detection.OTXDetectionModel.forward_tiles"]], "get_explain_fn() (otx.core.model.entity.detection.explainableotxdetmodel method)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel.get_explain_fn"]], "get_num_anchors() (otx.core.model.entity.detection.explainableotxdetmodel method)": [[86, "otx.core.model.entity.detection.ExplainableOTXDetModel.get_num_anchors"]], "otx.core.model.entity.detection": [[86, "module-otx.core.model.entity.detection"]], "explainableotxinstancesegmodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel"]], "mmdetinstancesegcompatiblemodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.MMDetInstanceSegCompatibleModel"]], "otxinstancesegmodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.OTXInstanceSegModel"]], "ovinstancesegmentationmodel (class in otx.core.model.entity.instance_segmentation)": [[87, "otx.core.model.entity.instance_segmentation.OVInstanceSegmentationModel"]], "forward_explain() (otx.core.model.entity.instance_segmentation.explainableotxinstancesegmodel method)": [[87, "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel.forward_explain"]], "forward_tiles() (otx.core.model.entity.instance_segmentation.otxinstancesegmodel method)": [[87, "otx.core.model.entity.instance_segmentation.OTXInstanceSegModel.forward_tiles"]], "get_explain_fn() (otx.core.model.entity.instance_segmentation.explainableotxinstancesegmodel method)": [[87, "otx.core.model.entity.instance_segmentation.ExplainableOTXInstanceSegModel.get_explain_fn"]], "otx.core.model.entity.instance_segmentation": [[87, "module-otx.core.model.entity.instance_segmentation"]], "mmdetrotateddetmodel (class in otx.core.model.entity.rotated_detection)": [[88, "otx.core.model.entity.rotated_detection.MMDetRotatedDetModel"]], "otxrotateddetmodel (class in otx.core.model.entity.rotated_detection)": [[88, "otx.core.model.entity.rotated_detection.OTXRotatedDetModel"]], "ovrotateddetectionmodel (class in otx.core.model.entity.rotated_detection)": [[88, "otx.core.model.entity.rotated_detection.OVRotatedDetectionModel"]], "otx.core.model.entity.rotated_detection": [[88, "module-otx.core.model.entity.rotated_detection"]], "mmsegcompatiblemodel (class in otx.core.model.entity.segmentation)": [[89, "otx.core.model.entity.segmentation.MMSegCompatibleModel"]], "otxsegmentationmodel (class in otx.core.model.entity.segmentation)": [[89, "otx.core.model.entity.segmentation.OTXSegmentationModel"]], "ovsegmentationmodel (class in otx.core.model.entity.segmentation)": [[89, "otx.core.model.entity.segmentation.OVSegmentationModel"]], "otx.core.model.entity.segmentation": [[89, "module-otx.core.model.entity.segmentation"]], "otx.core.model.entity.utils": [[90, "module-otx.core.model.entity.utils"]], "actiondatapreprocessor (class in otx.core.model.entity.utils.mmaction)": [[91, "otx.core.model.entity.utils.mmaction.ActionDataPreprocessor"]], "create_model() (in module otx.core.model.entity.utils.mmaction)": [[91, "otx.core.model.entity.utils.mmaction.create_model"]], "device (otx.core.model.entity.utils.mmaction.actiondatapreprocessor property)": [[91, "otx.core.model.entity.utils.mmaction.ActionDataPreprocessor.device"]], "otx.core.model.entity.utils.mmaction": [[91, "module-otx.core.model.entity.utils.mmaction"]], "detdatapreprocessor (class in otx.core.model.entity.utils.mmdet)": [[92, "otx.core.model.entity.utils.mmdet.DetDataPreprocessor"]], "create_model() (in module otx.core.model.entity.utils.mmdet)": [[92, "otx.core.model.entity.utils.mmdet.create_model"]], "device (otx.core.model.entity.utils.mmdet.detdatapreprocessor property)": [[92, "otx.core.model.entity.utils.mmdet.DetDataPreprocessor.device"]], "otx.core.model.entity.utils.mmdet": [[92, "module-otx.core.model.entity.utils.mmdet"]], "clsdatapreprocessor (class in otx.core.model.entity.utils.mmpretrain)": [[93, "otx.core.model.entity.utils.mmpretrain.ClsDataPreprocessor"]], "create_model() (in module otx.core.model.entity.utils.mmpretrain)": [[93, "otx.core.model.entity.utils.mmpretrain.create_model"]], "device (otx.core.model.entity.utils.mmpretrain.clsdatapreprocessor property)": [[93, "otx.core.model.entity.utils.mmpretrain.ClsDataPreprocessor.device"]], "otx.core.model.entity.utils.mmpretrain": [[93, "module-otx.core.model.entity.utils.mmpretrain"]], "segdatapreprocessor (class in otx.core.model.entity.utils.mmseg)": [[94, "otx.core.model.entity.utils.mmseg.SegDataPreProcessor"]], "create_model() (in module otx.core.model.entity.utils.mmseg)": [[94, "otx.core.model.entity.utils.mmseg.create_model"]], "device (otx.core.model.entity.utils.mmseg.segdatapreprocessor property)": [[94, "otx.core.model.entity.utils.mmseg.SegDataPreProcessor.device"]], "forward() (otx.core.model.entity.utils.mmseg.segdatapreprocessor method)": [[94, "otx.core.model.entity.utils.mmseg.SegDataPreProcessor.forward"]], "otx.core.model.entity.utils.mmseg": [[94, "module-otx.core.model.entity.utils.mmseg"]], "stack_batch() (in module otx.core.model.entity.utils.mmseg)": [[94, "otx.core.model.entity.utils.mmseg.stack_batch"]], "otxvisualpromptingmodel (class in otx.core.model.entity.visual_prompting)": [[95, "otx.core.model.entity.visual_prompting.OTXVisualPromptingModel"]], "ovvisualpromptingmodel (class in otx.core.model.entity.visual_prompting)": [[95, "otx.core.model.entity.visual_prompting.OVVisualPromptingModel"]], "ovzeroshotvisualpromptingmodel (class in otx.core.model.entity.visual_prompting)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel"]], "expand_reference_info() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.expand_reference_info"]], "forward() (otx.core.model.entity.visual_prompting.ovvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVVisualPromptingModel.forward"]], "forward() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.forward"]], "infer() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.infer"]], "initialize_reference_info() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.initialize_reference_info"]], "learn() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.learn"]], "load_latest_reference_info() (otx.core.model.entity.visual_prompting.ovzeroshotvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVZeroShotVisualPromptingModel.load_latest_reference_info"]], "optimize() (otx.core.model.entity.visual_prompting.ovvisualpromptingmodel method)": [[95, "otx.core.model.entity.visual_prompting.OVVisualPromptingModel.optimize"]], "otx.core.model.entity.visual_prompting": [[95, "module-otx.core.model.entity.visual_prompting"]], "otx.core.model.module": [[96, "module-otx.core.model.module"]], "otxactionclslitmodule (class in otx.core.model.module.action_classification)": [[97, "otx.core.model.module.action_classification.OTXActionClsLitModule"]], "otx.core.model.module.action_classification": [[97, "module-otx.core.model.module.action_classification"]], "test_step() (otx.core.model.module.action_classification.otxactionclslitmodule method)": [[97, "otx.core.model.module.action_classification.OTXActionClsLitModule.test_step"]], "validation_step() (otx.core.model.module.action_classification.otxactionclslitmodule method)": [[97, "otx.core.model.module.action_classification.OTXActionClsLitModule.validation_step"]], "otxactiondetlitmodule (class in otx.core.model.module.action_detection)": [[98, "otx.core.model.module.action_detection.OTXActionDetLitModule"]], "otx.core.model.module.action_detection": [[98, "module-otx.core.model.module.action_detection"]], "test_step() (otx.core.model.module.action_detection.otxactiondetlitmodule method)": [[98, "otx.core.model.module.action_detection.OTXActionDetLitModule.test_step"]], "validation_step() (otx.core.model.module.action_detection.otxactiondetlitmodule method)": [[98, "otx.core.model.module.action_detection.OTXActionDetLitModule.validation_step"]], "otxanomaly (class in otx.core.model.module.anomaly)": [[99, "otx.core.model.module.anomaly.OTXAnomaly"]], "configure_callbacks() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.configure_callbacks"]], "configure_optimizers() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.configure_optimizers"]], "export() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.export"]], "forward() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.forward"]], "input_size (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.input_size"]], "label_info (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.label_info"]], "load_state_dict() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.load_state_dict"]], "on_predict_batch_end() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.on_predict_batch_end"]], "on_test_batch_end() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.on_test_batch_end"]], "otx.core.model.module.anomaly": [[99, "module-otx.core.model.module.anomaly"]], "predict_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.predict_step"]], "setup() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.setup"]], "state_dict() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.state_dict"]], "task (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.task"]], "test_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.test_step"]], "trainable_model (otx.core.model.module.anomaly.otxanomaly property)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.trainable_model"]], "training_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.training_step"]], "validation_step() (otx.core.model.module.anomaly.otxanomaly method)": [[99, "otx.core.model.module.anomaly.OTXAnomaly.validation_step"]], "otxlitmodule (class in otx.core.model.module.base)": [[100, "otx.core.model.module.base.OTXLitModule"]], "configure_metric() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.configure_metric"]], "configure_optimizers() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.configure_optimizers"]], "export() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.export"]], "forward() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.forward"]], "label_info (otx.core.model.module.base.otxlitmodule property)": [[100, "otx.core.model.module.base.OTXLitModule.label_info"]], "load_state_dict() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.load_state_dict"]], "on_test_epoch_end() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_test_epoch_end"]], "on_test_epoch_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_test_epoch_start"]], "on_test_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_test_start"]], "on_validation_epoch_end() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_validation_epoch_end"]], "on_validation_epoch_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_validation_epoch_start"]], "on_validation_start() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.on_validation_start"]], "otx.core.model.module.base": [[100, "module-otx.core.model.module.base"]], "register_load_state_dict_pre_hook() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.register_load_state_dict_pre_hook"]], "setup() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.setup"]], "state_dict() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.state_dict"]], "training_step() (otx.core.model.module.base.otxlitmodule method)": [[100, "otx.core.model.module.base.OTXLitModule.training_step"]], "otxhlabelclslitmodule (class in otx.core.model.module.classification)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule"]], "otxmulticlassclslitmodule (class in otx.core.model.module.classification)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule"]], "otxmultilabelclslitmodule (class in otx.core.model.module.classification)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule"]], "configure_metric() (otx.core.model.module.classification.otxhlabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.configure_metric"]], "configure_metric() (otx.core.model.module.classification.otxmulticlassclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule.configure_metric"]], "configure_metric() (otx.core.model.module.classification.otxmultilabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule.configure_metric"]], "label_info (otx.core.model.module.classification.otxhlabelclslitmodule property)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.label_info"]], "otx.core.model.module.classification": [[101, "module-otx.core.model.module.classification"]], "test_step() (otx.core.model.module.classification.otxhlabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.test_step"]], "test_step() (otx.core.model.module.classification.otxmulticlassclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule.test_step"]], "test_step() (otx.core.model.module.classification.otxmultilabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule.test_step"]], "validation_step() (otx.core.model.module.classification.otxhlabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXHlabelClsLitModule.validation_step"]], "validation_step() (otx.core.model.module.classification.otxmulticlassclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMulticlassClsLitModule.validation_step"]], "validation_step() (otx.core.model.module.classification.otxmultilabelclslitmodule method)": [[101, "otx.core.model.module.classification.OTXMultilabelClsLitModule.validation_step"]], "otxdetectionlitmodule (class in otx.core.model.module.detection)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule"]], "configure_metric() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.configure_metric"]], "load_state_dict() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.load_state_dict"]], "otx.core.model.module.detection": [[102, "module-otx.core.model.module.detection"]], "test_step() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.test_step"]], "validation_step() (otx.core.model.module.detection.otxdetectionlitmodule method)": [[102, "otx.core.model.module.detection.OTXDetectionLitModule.validation_step"]], "otxinstanceseglitmodule (class in otx.core.model.module.instance_segmentation)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule"]], "configure_metric() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.configure_metric"]], "load_state_dict() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.load_state_dict"]], "on_test_epoch_end() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.on_test_epoch_end"]], "on_validation_epoch_end() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.on_validation_epoch_end"]], "otx.core.model.module.instance_segmentation": [[103, "module-otx.core.model.module.instance_segmentation"]], "test_step() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.test_step"]], "validation_step() (otx.core.model.module.instance_segmentation.otxinstanceseglitmodule method)": [[103, "otx.core.model.module.instance_segmentation.OTXInstanceSegLitModule.validation_step"]], "otxrotateddetlitmodule (class in otx.core.model.module.rotated_detection)": [[104, "otx.core.model.module.rotated_detection.OTXRotatedDetLitModule"]], "otx.core.model.module.rotated_detection": [[104, "module-otx.core.model.module.rotated_detection"]], "predict_step() (otx.core.model.module.rotated_detection.otxrotateddetlitmodule method)": [[104, "otx.core.model.module.rotated_detection.OTXRotatedDetLitModule.predict_step"]], "otxsegmentationlitmodule (class in otx.core.model.module.segmentation)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule"]], "configure_metric() (otx.core.model.module.segmentation.otxsegmentationlitmodule method)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule.configure_metric"]], "otx.core.model.module.segmentation": [[105, "module-otx.core.model.module.segmentation"]], "test_step() (otx.core.model.module.segmentation.otxsegmentationlitmodule method)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule.test_step"]], "validation_step() (otx.core.model.module.segmentation.otxsegmentationlitmodule method)": [[105, "otx.core.model.module.segmentation.OTXSegmentationLitModule.validation_step"]], "otxvisualpromptinglitmodule (class in otx.core.model.module.visual_prompting)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule"]], "otxzeroshotvisualpromptinglitmodule (class in otx.core.model.module.visual_prompting)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule"]], "configure_metric() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.configure_metric"]], "configure_metric() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.configure_metric"]], "configure_optimizers() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.configure_optimizers"]], "on_predict_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_predict_start"]], "on_test_epoch_end() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_test_epoch_end"]], "on_test_epoch_start() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_test_epoch_start"]], "on_test_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_test_start"]], "on_train_epoch_end() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_train_epoch_end"]], "on_train_epoch_end() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_train_epoch_end"]], "on_train_epoch_start() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_train_epoch_start"]], "on_train_epoch_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_train_epoch_start"]], "on_train_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_train_start"]], "on_validation_epoch_end() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_validation_epoch_end"]], "on_validation_epoch_end() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_validation_epoch_end"]], "on_validation_epoch_start() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.on_validation_epoch_start"]], "on_validation_epoch_start() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.on_validation_epoch_start"]], "otx.core.model.module.visual_prompting": [[106, "module-otx.core.model.module.visual_prompting"]], "test_step() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.test_step"]], "training_step() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.training_step"]], "training_step() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.training_step"]], "validation_step() (otx.core.model.module.visual_prompting.otxvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXVisualPromptingLitModule.validation_step"]], "validation_step() (otx.core.model.module.visual_prompting.otxzeroshotvisualpromptinglitmodule method)": [[106, "otx.core.model.module.visual_prompting.OTXZeroShotVisualPromptingLitModule.validation_step"]], "otx.core.types": [[107, "module-otx.core.types"]], "devicetype (class in otx.core.types.device)": [[108, "otx.core.types.device.DeviceType"]], "otx.core.types.device": [[108, "module-otx.core.types.device"]], "targetexplaingroup (class in otx.core.types.explain)": [[109, "otx.core.types.explain.TargetExplainGroup"]], "otx.core.types.explain": [[109, "module-otx.core.types.explain"]], "otxexportformattype (class in otx.core.types.export)": [[110, "otx.core.types.export.OTXExportFormatType"]], "otx.core.types.export": [[110, "module-otx.core.types.export"]], "imagecolorchannel (class in otx.core.types.image)": [[111, "otx.core.types.image.ImageColorChannel"]], "imagetype (class in otx.core.types.image)": [[111, "otx.core.types.image.ImageType"]], "get_image_type() (otx.core.types.image.imagetype class method)": [[111, "otx.core.types.image.ImageType.get_image_type"]], "otx.core.types.image": [[111, "module-otx.core.types.image"]], "otxprecisiontype (class in otx.core.types.precision)": [[112, "otx.core.types.precision.OTXPrecisionType"]], "otx.core.types.precision": [[112, "module-otx.core.types.precision"]], "otxtasktype (class in otx.core.types.task)": [[113, "otx.core.types.task.OTXTaskType"]], "otx.core.types.task": [[113, "module-otx.core.types.task"]], "transformlibtype (class in otx.core.types.transformer_libs)": [[114, "otx.core.types.transformer_libs.TransformLibType"]], "otx.core.types.transformer_libs": [[114, "module-otx.core.types.transformer_libs"]], "otx.core.utils": [[115, "module-otx.core.utils"]], "build_mm_model() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.build_mm_model"]], "get_classification_layers() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.get_classification_layers"]], "get_default_num_async_infer_requests() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.get_default_num_async_infer_requests"]], "modify_num_classes() (in module otx.core.utils.build)": [[116, "otx.core.utils.build.modify_num_classes"]], "otx.core.utils.build": [[116, "module-otx.core.utils.build"]], "trainerargumentscache (class in otx.core.utils.cache)": [[117, "otx.core.utils.cache.TrainerArgumentsCache"]], "args (otx.core.utils.cache.trainerargumentscache property)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.args"]], "get_trainer_constructor_args() (otx.core.utils.cache.trainerargumentscache static method)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.get_trainer_constructor_args"]], "otx.core.utils.cache": [[117, "module-otx.core.utils.cache"]], "requires_update() (otx.core.utils.cache.trainerargumentscache method)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.requires_update"]], "update() (otx.core.utils.cache.trainerargumentscache method)": [[117, "otx.core.utils.cache.TrainerArgumentsCache.update"]], "convert_conf_to_mmconfig_dict() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.convert_conf_to_mmconfig_dict"]], "inplace_num_classes() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.inplace_num_classes"]], "mmconfig_dict_to_dict() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.mmconfig_dict_to_dict"]], "otx.core.utils.config": [[118, "module-otx.core.utils.config"]], "to_list() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.to_list"]], "to_tuple() (in module otx.core.utils.config)": [[118, "otx.core.utils.config.to_tuple"]], "get_otx_root_path() (in module otx.core.utils.imports)": [[119, "otx.core.utils.imports.get_otx_root_path"]], "otx.core.utils.imports": [[119, "module-otx.core.utils.imports"]], "instantiate_callbacks() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.instantiate_callbacks"]], "instantiate_loggers() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.instantiate_loggers"]], "instantiate_sampler() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.instantiate_sampler"]], "otx.core.utils.instantiators": [[120, "module-otx.core.utils.instantiators"]], "partial_instantiate_class() (in module otx.core.utils.instantiators)": [[120, "otx.core.utils.instantiators.partial_instantiate_class"]], "encode_rle() (in module otx.core.utils.mask_util)": [[121, "otx.core.utils.mask_util.encode_rle"]], "otx.core.utils.mask_util": [[121, "module-otx.core.utils.mask_util"]], "polygon_to_bitmap() (in module otx.core.utils.mask_util)": [[121, "otx.core.utils.mask_util.polygon_to_bitmap"]], "polygon_to_rle() (in module otx.core.utils.mask_util)": [[121, "otx.core.utils.mask_util.polygon_to_rle"]], "get_pylogger() (in module otx.core.utils.pylogger)": [[122, "otx.core.utils.pylogger.get_pylogger"]], "otx.core.utils.pylogger": [[122, "module-otx.core.utils.pylogger"]], "detectiontilemerge (class in otx.core.utils.tile_merge)": [[123, "otx.core.utils.tile_merge.DetectionTileMerge"]], "instancesegtilemerge (class in otx.core.utils.tile_merge)": [[123, "otx.core.utils.tile_merge.InstanceSegTileMerge"]], "tilemerge (class in otx.core.utils.tile_merge)": [[123, "otx.core.utils.tile_merge.TileMerge"]], "merge() (otx.core.utils.tile_merge.detectiontilemerge method)": [[123, "otx.core.utils.tile_merge.DetectionTileMerge.merge"]], "merge() (otx.core.utils.tile_merge.instancesegtilemerge method)": [[123, "otx.core.utils.tile_merge.InstanceSegTileMerge.merge"]], "merge() (otx.core.utils.tile_merge.tilemerge method)": [[123, "otx.core.utils.tile_merge.TileMerge.merge"]], "nms_postprocess() (otx.core.utils.tile_merge.tilemerge method)": [[123, "otx.core.utils.tile_merge.TileMerge.nms_postprocess"]], "otx.core.utils.tile_merge": [[123, "module-otx.core.utils.tile_merge"]], "get_adaptive_num_workers() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.get_adaptive_num_workers"]], "get_idx_list_per_classes() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.get_idx_list_per_classes"]], "get_mean_std_from_data_processing() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.get_mean_std_from_data_processing"]], "is_ckpt_for_finetuning() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.is_ckpt_for_finetuning"]], "is_ckpt_from_otx_v1() (in module otx.core.utils.utils)": [[124, "otx.core.utils.utils.is_ckpt_from_otx_v1"]], "otx.core.utils.utils": [[124, "module-otx.core.utils.utils"]], "anomalydatamodule (class in otx.data)": [[125, "otx.data.AnomalyDataModule"]], "otx.data": [[125, "module-otx.data"]], "engine (class in otx.engine)": [[126, "otx.engine.Engine"]], "datamodule (otx.engine.engine property)": [[126, "otx.engine.Engine.datamodule"]], "device (otx.engine.engine property)": [[126, "otx.engine.Engine.device"]], "explain() (otx.engine.engine method)": [[126, "otx.engine.Engine.explain"]], "export() (otx.engine.engine method)": [[126, "otx.engine.Engine.export"]], "from_config() (otx.engine.engine class method)": [[126, "otx.engine.Engine.from_config"]], "from_model_name() (otx.engine.engine class method)": [[126, "otx.engine.Engine.from_model_name"]], "model (otx.engine.engine property)": [[126, "otx.engine.Engine.model"]], "optimize() (otx.engine.engine method)": [[126, "otx.engine.Engine.optimize"]], "otx.engine": [[126, "module-otx.engine"]], "predict() (otx.engine.engine method)": [[126, "otx.engine.Engine.predict"]], "test() (otx.engine.engine method)": [[126, "otx.engine.Engine.test"]], "train() (otx.engine.engine method)": [[126, "otx.engine.Engine.train"]], "trainer (otx.engine.engine property)": [[126, "otx.engine.Engine.trainer"]], "trainer_params (otx.engine.engine property)": [[126, "otx.engine.Engine.trainer_params"]], "work_dir (otx.engine.engine property)": [[126, "otx.engine.Engine.work_dir"]], "hyperband (class in otx.hpo)": [[127, "otx.hpo.HyperBand"]], "trialstatus (class in otx.hpo)": [[127, "otx.hpo.TrialStatus"]], "auto_config() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.auto_config"]], "get_best_config() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.get_best_config"]], "get_next_sample() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.get_next_sample"]], "get_progress() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.get_progress"]], "is_done() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.is_done"]], "otx.hpo": [[127, "module-otx.hpo"]], "print_result() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.print_result"]], "report_score() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.report_score"]], "run_hpo_loop() (in module otx.hpo)": [[127, "otx.hpo.run_hpo_loop"]], "save_results() (otx.hpo.hyperband method)": [[127, "otx.hpo.HyperBand.save_results"]], "otx.recipe": [[128, "module-otx.recipe"]], "otx.tools": [[129, "module-otx.tools"]], "otx.tools.translate_mmrecipe": [[130, "module-otx.tools.translate_mmrecipe"]], "append_main_proc_signal_handler() (in module otx.utils)": [[131, "otx.utils.append_main_proc_signal_handler"]], "append_signal_handler() (in module otx.utils)": [[131, "otx.utils.append_signal_handler"]], "otx.utils": [[131, "module-otx.utils"]]}}) \ No newline at end of file