From 750affd1794d6d70d86c202d668f1f9d8f845006 Mon Sep 17 00:00:00 2001 From: "pre-commit-ci[bot]" <66853113+pre-commit-ci[bot]@users.noreply.github.com> Date: Mon, 12 Feb 2024 21:37:33 +0000 Subject: [PATCH] [pre-commit.ci] auto fixes from pre-commit.com hooks for more information, see https://pre-commit.ci --- experiments/job-runner/setup.py | 1 - .../cosypose/cosypose/evaluation/prediction_runner.py | 1 - .../pose_estimators/cosypose/cosypose/models/efficientnet.py | 1 + happypose/pose_estimators/megapose/__init__.py | 1 - happypose/pose_estimators/megapose/config.py | 1 - happypose/pose_estimators/megapose/evaluation/bop.py | 1 - happypose/pose_estimators/megapose/evaluation/data_utils.py | 1 - happypose/pose_estimators/megapose/evaluation/eval_config.py | 1 - happypose/pose_estimators/megapose/evaluation/evaluation.py | 1 - .../pose_estimators/megapose/evaluation/evaluation_runner.py | 1 - happypose/pose_estimators/megapose/evaluation/meters/base.py | 1 - .../megapose/evaluation/meters/modelnet_meters.py | 1 - happypose/pose_estimators/megapose/evaluation/meters/utils.py | 1 - .../pose_estimators/megapose/evaluation/prediction_runner.py | 1 - happypose/pose_estimators/megapose/evaluation/runner_utils.py | 1 - happypose/pose_estimators/megapose/evaluation/utils.py | 1 - happypose/pose_estimators/megapose/inference/depth_refiner.py | 1 - happypose/pose_estimators/megapose/inference/detector.py | 1 - happypose/pose_estimators/megapose/inference/icp_refiner.py | 1 - happypose/pose_estimators/megapose/inference/refiner_utils.py | 1 - happypose/pose_estimators/megapose/inference/teaserpp_refiner.py | 1 - happypose/pose_estimators/megapose/inference/types.py | 1 + happypose/pose_estimators/megapose/models/mask_rcnn.py | 1 - happypose/pose_estimators/megapose/models/resnet.py | 1 - happypose/pose_estimators/megapose/models/wide_resnet.py | 1 - happypose/pose_estimators/megapose/scripts/distributed.py | 1 - .../pose_estimators/megapose/scripts/generate_shapenet_pbr.py | 1 - happypose/pose_estimators/megapose/scripts/make_gso_meshes.py | 1 - happypose/pose_estimators/megapose/scripts/make_gso_subsets.py | 1 - .../pose_estimators/megapose/scripts/make_shapenet_panda3d.py | 1 - .../pose_estimators/megapose/scripts/make_shapenet_ply_scaled.py | 1 - .../megapose/scripts/make_shapenet_pointclouds.py | 1 - .../pose_estimators/megapose/scripts/make_shapenet_statistics.py | 1 - .../pose_estimators/megapose/scripts/make_shapenet_subsets.py | 1 - .../pose_estimators/megapose/scripts/run_full_megapose_eval.py | 1 - .../pose_estimators/megapose/scripts/run_megapose_training.py | 1 - happypose/pose_estimators/megapose/scripts/test_distributed.py | 1 - .../pose_estimators/megapose/training/detector_models_cfg.py | 1 - .../pose_estimators/megapose/training/megapose_forward_loss.py | 1 - happypose/pose_estimators/megapose/training/pose_models_cfg.py | 1 - happypose/pose_estimators/megapose/training/train_megapose.py | 1 - happypose/pose_estimators/megapose/training/utils.py | 1 - happypose/toolbox/datasets/augmentations.py | 1 - happypose/toolbox/datasets/bop_object_datasets.py | 1 - happypose/toolbox/datasets/bop_scene_dataset.py | 1 - happypose/toolbox/datasets/datasets_cfg.py | 1 - happypose/toolbox/datasets/deepim_modelnet.py | 1 - happypose/toolbox/datasets/gso_dataset.py | 1 - happypose/toolbox/datasets/modelnet_object_dataset.py | 1 - happypose/toolbox/datasets/object_dataset.py | 1 - happypose/toolbox/datasets/pickle_dataset.py | 1 - happypose/toolbox/datasets/pose_dataset.py | 1 - happypose/toolbox/datasets/samplers.py | 1 - happypose/toolbox/datasets/scene_dataset_wrappers.py | 1 - happypose/toolbox/datasets/shapenet_object_dataset.py | 1 - happypose/toolbox/datasets/urdf_dataset.py | 1 - happypose/toolbox/datasets/utils.py | 1 - happypose/toolbox/datasets/web_scene_dataset.py | 1 - happypose/toolbox/inference/utils.py | 1 - happypose/toolbox/lib3d/camera_geometry.py | 1 - happypose/toolbox/lib3d/cosypose_ops.py | 1 - happypose/toolbox/lib3d/cropping.py | 1 - happypose/toolbox/lib3d/distances.py | 1 - happypose/toolbox/lib3d/mesh_losses.py | 1 - happypose/toolbox/lib3d/mesh_ops.py | 1 - happypose/toolbox/lib3d/multiview.py | 1 - happypose/toolbox/lib3d/rigid_mesh_database.py | 1 - happypose/toolbox/lib3d/rotations.py | 1 - happypose/toolbox/lib3d/symmetries.py | 1 - happypose/toolbox/lib3d/transform.py | 1 - happypose/toolbox/lib3d/transform_ops.py | 1 - happypose/toolbox/renderer/__init__.py | 1 + happypose/toolbox/renderer/panda3d_batch_renderer.py | 1 - happypose/toolbox/renderer/panda3d_scene_renderer.py | 1 - happypose/toolbox/renderer/types.py | 1 - happypose/toolbox/renderer/utils.py | 1 - happypose/toolbox/utils/conversion.py | 1 - happypose/toolbox/utils/distributed.py | 1 - happypose/toolbox/utils/logging.py | 1 - happypose/toolbox/utils/logs_bokeh.py | 1 - happypose/toolbox/utils/omegaconf.py | 1 - happypose/toolbox/utils/random.py | 1 - happypose/toolbox/utils/resources.py | 1 - happypose/toolbox/utils/tensor_collection.py | 1 - happypose/toolbox/utils/timer.py | 1 - happypose/toolbox/utils/transform_utils.py | 1 - happypose/toolbox/utils/types.py | 1 + happypose/toolbox/utils/xarray.py | 1 - happypose/toolbox/visualization/bokeh_plotter.py | 1 - happypose/toolbox/visualization/bokeh_utils.py | 1 - happypose/toolbox/visualization/meshcat_utils.py | 1 - happypose/toolbox/visualization/meshcat_visualizer.py | 1 - happypose/toolbox/visualization/utils.py | 1 - tests/test_cosypose_inference.py | 1 + tests/test_megapose_inference.py | 1 + tests/test_renderer_panda3d.py | 1 + 96 files changed, 7 insertions(+), 89 deletions(-) diff --git a/experiments/job-runner/setup.py b/experiments/job-runner/setup.py index 64299cbe..f09f9af1 100644 --- a/experiments/job-runner/setup.py +++ b/experiments/job-runner/setup.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from os import path diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/prediction_runner.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/prediction_runner.py index 33ec1f24..f87b2a4d 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/prediction_runner.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/prediction_runner.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import time from collections import defaultdict diff --git a/happypose/pose_estimators/cosypose/cosypose/models/efficientnet.py b/happypose/pose_estimators/cosypose/cosypose/models/efficientnet.py index 6c2a3688..a8dc4011 100644 --- a/happypose/pose_estimators/cosypose/cosypose/models/efficientnet.py +++ b/happypose/pose_estimators/cosypose/cosypose/models/efficientnet.py @@ -1,4 +1,5 @@ """Copied from https://github.com/lukemelas/EfficientNet-PyTorch.""" + import torch from torch import nn from torch.nn import functional as F diff --git a/happypose/pose_estimators/megapose/__init__.py b/happypose/pose_estimators/megapose/__init__.py index 64ee07fa..a50d3d06 100644 --- a/happypose/pose_estimators/megapose/__init__.py +++ b/happypose/pose_estimators/megapose/__init__.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import os diff --git a/happypose/pose_estimators/megapose/config.py b/happypose/pose_estimators/megapose/config.py index 03244045..64dc8ec4 100644 --- a/happypose/pose_estimators/megapose/config.py +++ b/happypose/pose_estimators/megapose/config.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import os import sys diff --git a/happypose/pose_estimators/megapose/evaluation/bop.py b/happypose/pose_estimators/megapose/evaluation/bop.py index e1cfe076..88044839 100644 --- a/happypose/pose_estimators/megapose/evaluation/bop.py +++ b/happypose/pose_estimators/megapose/evaluation/bop.py @@ -14,7 +14,6 @@ limitations under the License. """ - # Standard Library import argparse import importlib diff --git a/happypose/pose_estimators/megapose/evaluation/data_utils.py b/happypose/pose_estimators/megapose/evaluation/data_utils.py index 259df05a..712e146f 100644 --- a/happypose/pose_estimators/megapose/evaluation/data_utils.py +++ b/happypose/pose_estimators/megapose/evaluation/data_utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import List, Optional diff --git a/happypose/pose_estimators/megapose/evaluation/eval_config.py b/happypose/pose_estimators/megapose/evaluation/eval_config.py index 3b8ae582..5e65d1a0 100644 --- a/happypose/pose_estimators/megapose/evaluation/eval_config.py +++ b/happypose/pose_estimators/megapose/evaluation/eval_config.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from dataclasses import dataclass from typing import List, Optional diff --git a/happypose/pose_estimators/megapose/evaluation/evaluation.py b/happypose/pose_estimators/megapose/evaluation/evaluation.py index 81083957..b60fd60f 100644 --- a/happypose/pose_estimators/megapose/evaluation/evaluation.py +++ b/happypose/pose_estimators/megapose/evaluation/evaluation.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from pathlib import Path from typing import Any, Dict, Optional diff --git a/happypose/pose_estimators/megapose/evaluation/evaluation_runner.py b/happypose/pose_estimators/megapose/evaluation/evaluation_runner.py index 665284d7..86597a6e 100644 --- a/happypose/pose_estimators/megapose/evaluation/evaluation_runner.py +++ b/happypose/pose_estimators/megapose/evaluation/evaluation_runner.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from collections import OrderedDict diff --git a/happypose/pose_estimators/megapose/evaluation/meters/base.py b/happypose/pose_estimators/megapose/evaluation/meters/base.py index 2e8f16df..d62002fe 100644 --- a/happypose/pose_estimators/megapose/evaluation/meters/base.py +++ b/happypose/pose_estimators/megapose/evaluation/meters/base.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from collections import defaultdict from pathlib import Path diff --git a/happypose/pose_estimators/megapose/evaluation/meters/modelnet_meters.py b/happypose/pose_estimators/megapose/evaluation/meters/modelnet_meters.py index 36dab9cf..92a07717 100644 --- a/happypose/pose_estimators/megapose/evaluation/meters/modelnet_meters.py +++ b/happypose/pose_estimators/megapose/evaluation/meters/modelnet_meters.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import numpy as np import torch diff --git a/happypose/pose_estimators/megapose/evaluation/meters/utils.py b/happypose/pose_estimators/megapose/evaluation/meters/utils.py index 346281c1..2370d41a 100644 --- a/happypose/pose_estimators/megapose/evaluation/meters/utils.py +++ b/happypose/pose_estimators/megapose/evaluation/meters/utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library # Third Party diff --git a/happypose/pose_estimators/megapose/evaluation/prediction_runner.py b/happypose/pose_estimators/megapose/evaluation/prediction_runner.py index 50e19c3e..c75f73c5 100644 --- a/happypose/pose_estimators/megapose/evaluation/prediction_runner.py +++ b/happypose/pose_estimators/megapose/evaluation/prediction_runner.py @@ -14,7 +14,6 @@ limitations under the License. """ - # Standard Library from collections import defaultdict from typing import Dict, Optional diff --git a/happypose/pose_estimators/megapose/evaluation/runner_utils.py b/happypose/pose_estimators/megapose/evaluation/runner_utils.py index 2e90079d..70e350ba 100644 --- a/happypose/pose_estimators/megapose/evaluation/runner_utils.py +++ b/happypose/pose_estimators/megapose/evaluation/runner_utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from collections import OrderedDict, defaultdict diff --git a/happypose/pose_estimators/megapose/evaluation/utils.py b/happypose/pose_estimators/megapose/evaluation/utils.py index e56ffdad..64974b5b 100644 --- a/happypose/pose_estimators/megapose/evaluation/utils.py +++ b/happypose/pose_estimators/megapose/evaluation/utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import re diff --git a/happypose/pose_estimators/megapose/inference/depth_refiner.py b/happypose/pose_estimators/megapose/inference/depth_refiner.py index 49034ec3..d20518d0 100644 --- a/happypose/pose_estimators/megapose/inference/depth_refiner.py +++ b/happypose/pose_estimators/megapose/inference/depth_refiner.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from abc import ABC, abstractmethod from typing import Optional, Tuple diff --git a/happypose/pose_estimators/megapose/inference/detector.py b/happypose/pose_estimators/megapose/inference/detector.py index 84b01dbc..f621946b 100644 --- a/happypose/pose_estimators/megapose/inference/detector.py +++ b/happypose/pose_estimators/megapose/inference/detector.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Any, Optional diff --git a/happypose/pose_estimators/megapose/inference/icp_refiner.py b/happypose/pose_estimators/megapose/inference/icp_refiner.py index d1f649cf..6d194320 100644 --- a/happypose/pose_estimators/megapose/inference/icp_refiner.py +++ b/happypose/pose_estimators/megapose/inference/icp_refiner.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Dict, Optional, Tuple diff --git a/happypose/pose_estimators/megapose/inference/refiner_utils.py b/happypose/pose_estimators/megapose/inference/refiner_utils.py index 7905172f..60527d4c 100644 --- a/happypose/pose_estimators/megapose/inference/refiner_utils.py +++ b/happypose/pose_estimators/megapose/inference/refiner_utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import numpy as np import open3d as o3d diff --git a/happypose/pose_estimators/megapose/inference/teaserpp_refiner.py b/happypose/pose_estimators/megapose/inference/teaserpp_refiner.py index 5268a724..2c8a00a9 100644 --- a/happypose/pose_estimators/megapose/inference/teaserpp_refiner.py +++ b/happypose/pose_estimators/megapose/inference/teaserpp_refiner.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import time from typing import Optional, Tuple diff --git a/happypose/pose_estimators/megapose/inference/types.py b/happypose/pose_estimators/megapose/inference/types.py index 3d8216f4..a9230f6d 100644 --- a/happypose/pose_estimators/megapose/inference/types.py +++ b/happypose/pose_estimators/megapose/inference/types.py @@ -12,6 +12,7 @@ See the License for the specific language governing permissions and limitations under the License. """ + from __future__ import annotations from dataclasses import dataclass diff --git a/happypose/pose_estimators/megapose/models/mask_rcnn.py b/happypose/pose_estimators/megapose/models/mask_rcnn.py index ef2ff3e6..a048c46d 100644 --- a/happypose/pose_estimators/megapose/models/mask_rcnn.py +++ b/happypose/pose_estimators/megapose/models/mask_rcnn.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party from torchvision.models.detection.backbone_utils import resnet_fpn_backbone from torchvision.models.detection.mask_rcnn import MaskRCNN diff --git a/happypose/pose_estimators/megapose/models/resnet.py b/happypose/pose_estimators/megapose/models/resnet.py index 27bab762..1f780606 100644 --- a/happypose/pose_estimators/megapose/models/resnet.py +++ b/happypose/pose_estimators/megapose/models/resnet.py @@ -13,7 +13,6 @@ limitations under the License. """ - try: # Third Party from torch.hub import load_state_dict_from_url diff --git a/happypose/pose_estimators/megapose/models/wide_resnet.py b/happypose/pose_estimators/megapose/models/wide_resnet.py index 8b73b588..3bd104e3 100644 --- a/happypose/pose_estimators/megapose/models/wide_resnet.py +++ b/happypose/pose_estimators/megapose/models/wide_resnet.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import torch import torch.nn.functional as F diff --git a/happypose/pose_estimators/megapose/scripts/distributed.py b/happypose/pose_estimators/megapose/scripts/distributed.py index 8333c67f..8fe8875f 100644 --- a/happypose/pose_estimators/megapose/scripts/distributed.py +++ b/happypose/pose_estimators/megapose/scripts/distributed.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import datetime import os diff --git a/happypose/pose_estimators/megapose/scripts/generate_shapenet_pbr.py b/happypose/pose_estimators/megapose/scripts/generate_shapenet_pbr.py index fc2a9df4..584b007d 100644 --- a/happypose/pose_estimators/megapose/scripts/generate_shapenet_pbr.py +++ b/happypose/pose_estimators/megapose/scripts/generate_shapenet_pbr.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json import os diff --git a/happypose/pose_estimators/megapose/scripts/make_gso_meshes.py b/happypose/pose_estimators/megapose/scripts/make_gso_meshes.py index e5a72564..28c3570d 100644 --- a/happypose/pose_estimators/megapose/scripts/make_gso_meshes.py +++ b/happypose/pose_estimators/megapose/scripts/make_gso_meshes.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import shutil from collections import defaultdict diff --git a/happypose/pose_estimators/megapose/scripts/make_gso_subsets.py b/happypose/pose_estimators/megapose/scripts/make_gso_subsets.py index 28c64e45..2cc1f2f5 100644 --- a/happypose/pose_estimators/megapose/scripts/make_gso_subsets.py +++ b/happypose/pose_estimators/megapose/scripts/make_gso_subsets.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json diff --git a/happypose/pose_estimators/megapose/scripts/make_shapenet_panda3d.py b/happypose/pose_estimators/megapose/scripts/make_shapenet_panda3d.py index 5c049699..612266d4 100644 --- a/happypose/pose_estimators/megapose/scripts/make_shapenet_panda3d.py +++ b/happypose/pose_estimators/megapose/scripts/make_shapenet_panda3d.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import shutil import subprocess diff --git a/happypose/pose_estimators/megapose/scripts/make_shapenet_ply_scaled.py b/happypose/pose_estimators/megapose/scripts/make_shapenet_ply_scaled.py index 92ee9f08..73ce77c7 100644 --- a/happypose/pose_estimators/megapose/scripts/make_shapenet_ply_scaled.py +++ b/happypose/pose_estimators/megapose/scripts/make_shapenet_ply_scaled.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import shutil import time diff --git a/happypose/pose_estimators/megapose/scripts/make_shapenet_pointclouds.py b/happypose/pose_estimators/megapose/scripts/make_shapenet_pointclouds.py index 180a4782..78a5cc96 100644 --- a/happypose/pose_estimators/megapose/scripts/make_shapenet_pointclouds.py +++ b/happypose/pose_estimators/megapose/scripts/make_shapenet_pointclouds.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import shutil import time diff --git a/happypose/pose_estimators/megapose/scripts/make_shapenet_statistics.py b/happypose/pose_estimators/megapose/scripts/make_shapenet_statistics.py index 93920745..56d94054 100644 --- a/happypose/pose_estimators/megapose/scripts/make_shapenet_statistics.py +++ b/happypose/pose_estimators/megapose/scripts/make_shapenet_statistics.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import io import json diff --git a/happypose/pose_estimators/megapose/scripts/make_shapenet_subsets.py b/happypose/pose_estimators/megapose/scripts/make_shapenet_subsets.py index dd49b925..b78a632c 100644 --- a/happypose/pose_estimators/megapose/scripts/make_shapenet_subsets.py +++ b/happypose/pose_estimators/megapose/scripts/make_shapenet_subsets.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json from pathlib import Path diff --git a/happypose/pose_estimators/megapose/scripts/run_full_megapose_eval.py b/happypose/pose_estimators/megapose/scripts/run_full_megapose_eval.py index 4863518d..ef5f0b4b 100644 --- a/happypose/pose_estimators/megapose/scripts/run_full_megapose_eval.py +++ b/happypose/pose_estimators/megapose/scripts/run_full_megapose_eval.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import copy import os diff --git a/happypose/pose_estimators/megapose/scripts/run_megapose_training.py b/happypose/pose_estimators/megapose/scripts/run_megapose_training.py index 4ca5b2d4..416c0c2b 100644 --- a/happypose/pose_estimators/megapose/scripts/run_megapose_training.py +++ b/happypose/pose_estimators/megapose/scripts/run_megapose_training.py @@ -13,7 +13,6 @@ limitations under the License. """ - # SPDX-FileCopyrightText: Copyright (c) NVIDIA CORPORATION & AFFILIATES. # All rights reserved. # SPDX-License-Identifier: MIT diff --git a/happypose/pose_estimators/megapose/scripts/test_distributed.py b/happypose/pose_estimators/megapose/scripts/test_distributed.py index b16e99d4..6a41a33b 100644 --- a/happypose/pose_estimators/megapose/scripts/test_distributed.py +++ b/happypose/pose_estimators/megapose/scripts/test_distributed.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import os diff --git a/happypose/pose_estimators/megapose/training/detector_models_cfg.py b/happypose/pose_estimators/megapose/training/detector_models_cfg.py index d74039ea..d2c587ae 100644 --- a/happypose/pose_estimators/megapose/training/detector_models_cfg.py +++ b/happypose/pose_estimators/megapose/training/detector_models_cfg.py @@ -13,7 +13,6 @@ limitations under the License. """ - # MegaPose from happypose.pose_estimators.megapose.models.mask_rcnn import DetectorMaskRCNN from happypose.toolbox.utils.logging import get_logger diff --git a/happypose/pose_estimators/megapose/training/megapose_forward_loss.py b/happypose/pose_estimators/megapose/training/megapose_forward_loss.py index e965071c..a5c3226e 100644 --- a/happypose/pose_estimators/megapose/training/megapose_forward_loss.py +++ b/happypose/pose_estimators/megapose/training/megapose_forward_loss.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Any, Dict diff --git a/happypose/pose_estimators/megapose/training/pose_models_cfg.py b/happypose/pose_estimators/megapose/training/pose_models_cfg.py index 6a6dc77a..5f67d696 100644 --- a/happypose/pose_estimators/megapose/training/pose_models_cfg.py +++ b/happypose/pose_estimators/megapose/training/pose_models_cfg.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library # MegaPose diff --git a/happypose/pose_estimators/megapose/training/train_megapose.py b/happypose/pose_estimators/megapose/training/train_megapose.py index fe3fcaca..302b0c5c 100644 --- a/happypose/pose_estimators/megapose/training/train_megapose.py +++ b/happypose/pose_estimators/megapose/training/train_megapose.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import functools import os diff --git a/happypose/pose_estimators/megapose/training/utils.py b/happypose/pose_estimators/megapose/training/utils.py index 63081e50..135cb36b 100644 --- a/happypose/pose_estimators/megapose/training/utils.py +++ b/happypose/pose_estimators/megapose/training/utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import time from pathlib import Path diff --git a/happypose/toolbox/datasets/augmentations.py b/happypose/toolbox/datasets/augmentations.py index 9d1a80b5..eda35430 100644 --- a/happypose/toolbox/datasets/augmentations.py +++ b/happypose/toolbox/datasets/augmentations.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import dataclasses import random diff --git a/happypose/toolbox/datasets/bop_object_datasets.py b/happypose/toolbox/datasets/bop_object_datasets.py index ec7df61a..77ad5521 100644 --- a/happypose/toolbox/datasets/bop_object_datasets.py +++ b/happypose/toolbox/datasets/bop_object_datasets.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json from pathlib import Path diff --git a/happypose/toolbox/datasets/bop_scene_dataset.py b/happypose/toolbox/datasets/bop_scene_dataset.py index 6008d5ca..d1a9c0af 100644 --- a/happypose/toolbox/datasets/bop_scene_dataset.py +++ b/happypose/toolbox/datasets/bop_scene_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json import pickle diff --git a/happypose/toolbox/datasets/datasets_cfg.py b/happypose/toolbox/datasets/datasets_cfg.py index fb6566ab..756f182f 100644 --- a/happypose/toolbox/datasets/datasets_cfg.py +++ b/happypose/toolbox/datasets/datasets_cfg.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json from typing import List, Optional, Tuple diff --git a/happypose/toolbox/datasets/deepim_modelnet.py b/happypose/toolbox/datasets/deepim_modelnet.py index 2a9c87ca..4555c70e 100644 --- a/happypose/toolbox/datasets/deepim_modelnet.py +++ b/happypose/toolbox/datasets/deepim_modelnet.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from pathlib import Path diff --git a/happypose/toolbox/datasets/gso_dataset.py b/happypose/toolbox/datasets/gso_dataset.py index 06d7a79b..9baab225 100644 --- a/happypose/toolbox/datasets/gso_dataset.py +++ b/happypose/toolbox/datasets/gso_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json from pathlib import Path diff --git a/happypose/toolbox/datasets/modelnet_object_dataset.py b/happypose/toolbox/datasets/modelnet_object_dataset.py index ef6519e7..819b87df 100644 --- a/happypose/toolbox/datasets/modelnet_object_dataset.py +++ b/happypose/toolbox/datasets/modelnet_object_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from pathlib import Path diff --git a/happypose/toolbox/datasets/object_dataset.py b/happypose/toolbox/datasets/object_dataset.py index 42c1241f..838a9af5 100644 --- a/happypose/toolbox/datasets/object_dataset.py +++ b/happypose/toolbox/datasets/object_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import itertools from pathlib import Path diff --git a/happypose/toolbox/datasets/pickle_dataset.py b/happypose/toolbox/datasets/pickle_dataset.py index 50e6acfb..e75083d5 100644 --- a/happypose/toolbox/datasets/pickle_dataset.py +++ b/happypose/toolbox/datasets/pickle_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import glob import pickle diff --git a/happypose/toolbox/datasets/pose_dataset.py b/happypose/toolbox/datasets/pose_dataset.py index b3f753ea..1562b850 100644 --- a/happypose/toolbox/datasets/pose_dataset.py +++ b/happypose/toolbox/datasets/pose_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import random import time diff --git a/happypose/toolbox/datasets/samplers.py b/happypose/toolbox/datasets/samplers.py index 7228ff73..7c06104d 100644 --- a/happypose/toolbox/datasets/samplers.py +++ b/happypose/toolbox/datasets/samplers.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import numpy as np import torch diff --git a/happypose/toolbox/datasets/scene_dataset_wrappers.py b/happypose/toolbox/datasets/scene_dataset_wrappers.py index 1352d70e..2ee9b9bc 100644 --- a/happypose/toolbox/datasets/scene_dataset_wrappers.py +++ b/happypose/toolbox/datasets/scene_dataset_wrappers.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import dataclasses diff --git a/happypose/toolbox/datasets/shapenet_object_dataset.py b/happypose/toolbox/datasets/shapenet_object_dataset.py index 2e626a9c..0588a51c 100644 --- a/happypose/toolbox/datasets/shapenet_object_dataset.py +++ b/happypose/toolbox/datasets/shapenet_object_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import json from pathlib import Path diff --git a/happypose/toolbox/datasets/urdf_dataset.py b/happypose/toolbox/datasets/urdf_dataset.py index c650eeb4..5fad4ddb 100644 --- a/happypose/toolbox/datasets/urdf_dataset.py +++ b/happypose/toolbox/datasets/urdf_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from pathlib import Path diff --git a/happypose/toolbox/datasets/utils.py b/happypose/toolbox/datasets/utils.py index 19802615..4aba1d90 100644 --- a/happypose/toolbox/datasets/utils.py +++ b/happypose/toolbox/datasets/utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Dict, List diff --git a/happypose/toolbox/datasets/web_scene_dataset.py b/happypose/toolbox/datasets/web_scene_dataset.py index 0f1ff87e..6520a15b 100644 --- a/happypose/toolbox/datasets/web_scene_dataset.py +++ b/happypose/toolbox/datasets/web_scene_dataset.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import io import json diff --git a/happypose/toolbox/inference/utils.py b/happypose/toolbox/inference/utils.py index d20492f3..156dba9e 100644 --- a/happypose/toolbox/inference/utils.py +++ b/happypose/toolbox/inference/utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from pathlib import Path from typing import Dict, List, Optional, Tuple, Union diff --git a/happypose/toolbox/lib3d/camera_geometry.py b/happypose/toolbox/lib3d/camera_geometry.py index b61182d6..44379a6b 100644 --- a/happypose/toolbox/lib3d/camera_geometry.py +++ b/happypose/toolbox/lib3d/camera_geometry.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Tuple diff --git a/happypose/toolbox/lib3d/cosypose_ops.py b/happypose/toolbox/lib3d/cosypose_ops.py index 9eb1c82b..1aaa6dea 100644 --- a/happypose/toolbox/lib3d/cosypose_ops.py +++ b/happypose/toolbox/lib3d/cosypose_ops.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import torch diff --git a/happypose/toolbox/lib3d/cropping.py b/happypose/toolbox/lib3d/cropping.py index 3345a710..63572632 100644 --- a/happypose/toolbox/lib3d/cropping.py +++ b/happypose/toolbox/lib3d/cropping.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import torch import torchvision diff --git a/happypose/toolbox/lib3d/distances.py b/happypose/toolbox/lib3d/distances.py index 4894447d..964f4a12 100644 --- a/happypose/toolbox/lib3d/distances.py +++ b/happypose/toolbox/lib3d/distances.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import torch diff --git a/happypose/toolbox/lib3d/mesh_losses.py b/happypose/toolbox/lib3d/mesh_losses.py index 907fd50c..460962d5 100644 --- a/happypose/toolbox/lib3d/mesh_losses.py +++ b/happypose/toolbox/lib3d/mesh_losses.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import torch diff --git a/happypose/toolbox/lib3d/mesh_ops.py b/happypose/toolbox/lib3d/mesh_ops.py index e9a3eca0..8fa7235f 100644 --- a/happypose/toolbox/lib3d/mesh_ops.py +++ b/happypose/toolbox/lib3d/mesh_ops.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import numpy as np import torch diff --git a/happypose/toolbox/lib3d/multiview.py b/happypose/toolbox/lib3d/multiview.py index f9d3f40e..829fc644 100644 --- a/happypose/toolbox/lib3d/multiview.py +++ b/happypose/toolbox/lib3d/multiview.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import numpy as np import torch diff --git a/happypose/toolbox/lib3d/rigid_mesh_database.py b/happypose/toolbox/lib3d/rigid_mesh_database.py index 13263897..41d58dec 100644 --- a/happypose/toolbox/lib3d/rigid_mesh_database.py +++ b/happypose/toolbox/lib3d/rigid_mesh_database.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from copy import deepcopy from typing import List diff --git a/happypose/toolbox/lib3d/rotations.py b/happypose/toolbox/lib3d/rotations.py index 2458dfb3..d1749063 100644 --- a/happypose/toolbox/lib3d/rotations.py +++ b/happypose/toolbox/lib3d/rotations.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import numpy as np import torch diff --git a/happypose/toolbox/lib3d/symmetries.py b/happypose/toolbox/lib3d/symmetries.py index 23b03f76..20403225 100644 --- a/happypose/toolbox/lib3d/symmetries.py +++ b/happypose/toolbox/lib3d/symmetries.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from dataclasses import dataclass from typing import List, Optional diff --git a/happypose/toolbox/lib3d/transform.py b/happypose/toolbox/lib3d/transform.py index 001a19c2..fbbbf08b 100644 --- a/happypose/toolbox/lib3d/transform.py +++ b/happypose/toolbox/lib3d/transform.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Tuple, Union diff --git a/happypose/toolbox/lib3d/transform_ops.py b/happypose/toolbox/lib3d/transform_ops.py index 95348050..64f7baf4 100644 --- a/happypose/toolbox/lib3d/transform_ops.py +++ b/happypose/toolbox/lib3d/transform_ops.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Tuple diff --git a/happypose/toolbox/renderer/__init__.py b/happypose/toolbox/renderer/__init__.py index 582e871f..d8b430b9 100644 --- a/happypose/toolbox/renderer/__init__.py +++ b/happypose/toolbox/renderer/__init__.py @@ -1,4 +1,5 @@ """TODO.""" + # ruff: noqa: F401 from .renderer import Renderer diff --git a/happypose/toolbox/renderer/panda3d_batch_renderer.py b/happypose/toolbox/renderer/panda3d_batch_renderer.py index df74b70e..0b5a0f1e 100644 --- a/happypose/toolbox/renderer/panda3d_batch_renderer.py +++ b/happypose/toolbox/renderer/panda3d_batch_renderer.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from dataclasses import dataclass from typing import List, Optional, Set, Union diff --git a/happypose/toolbox/renderer/panda3d_scene_renderer.py b/happypose/toolbox/renderer/panda3d_scene_renderer.py index d1c6597a..2326f3d9 100644 --- a/happypose/toolbox/renderer/panda3d_scene_renderer.py +++ b/happypose/toolbox/renderer/panda3d_scene_renderer.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import builtins import os diff --git a/happypose/toolbox/renderer/types.py b/happypose/toolbox/renderer/types.py index bfc7d5af..0c924803 100644 --- a/happypose/toolbox/renderer/types.py +++ b/happypose/toolbox/renderer/types.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from dataclasses import dataclass from typing import Callable, Optional, Tuple diff --git a/happypose/toolbox/renderer/utils.py b/happypose/toolbox/renderer/utils.py index 99cc846f..eb69735b 100644 --- a/happypose/toolbox/renderer/utils.py +++ b/happypose/toolbox/renderer/utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library # Third Party diff --git a/happypose/toolbox/utils/conversion.py b/happypose/toolbox/utils/conversion.py index 9fbeb55b..ad95eb3a 100644 --- a/happypose/toolbox/utils/conversion.py +++ b/happypose/toolbox/utils/conversion.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import List, Tuple diff --git a/happypose/toolbox/utils/distributed.py b/happypose/toolbox/utils/distributed.py index 91b1ae26..5edbe893 100644 --- a/happypose/toolbox/utils/distributed.py +++ b/happypose/toolbox/utils/distributed.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import datetime import os diff --git a/happypose/toolbox/utils/logging.py b/happypose/toolbox/utils/logging.py index 5a54888f..731d637c 100644 --- a/happypose/toolbox/utils/logging.py +++ b/happypose/toolbox/utils/logging.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import logging import time diff --git a/happypose/toolbox/utils/logs_bokeh.py b/happypose/toolbox/utils/logs_bokeh.py index 03d1facf..71527b24 100644 --- a/happypose/toolbox/utils/logs_bokeh.py +++ b/happypose/toolbox/utils/logs_bokeh.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import datetime import textwrap diff --git a/happypose/toolbox/utils/omegaconf.py b/happypose/toolbox/utils/omegaconf.py index e1f75266..bd11b192 100644 --- a/happypose/toolbox/utils/omegaconf.py +++ b/happypose/toolbox/utils/omegaconf.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party from omegaconf import OmegaConf diff --git a/happypose/toolbox/utils/random.py b/happypose/toolbox/utils/random.py index 6424c323..936f49e4 100644 --- a/happypose/toolbox/utils/random.py +++ b/happypose/toolbox/utils/random.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import contextlib import os diff --git a/happypose/toolbox/utils/resources.py b/happypose/toolbox/utils/resources.py index 9fa1526a..82adeb27 100644 --- a/happypose/toolbox/utils/resources.py +++ b/happypose/toolbox/utils/resources.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import os import subprocess diff --git a/happypose/toolbox/utils/tensor_collection.py b/happypose/toolbox/utils/tensor_collection.py index fa9f491e..bf6120d4 100644 --- a/happypose/toolbox/utils/tensor_collection.py +++ b/happypose/toolbox/utils/tensor_collection.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from pathlib import Path from typing import List diff --git a/happypose/toolbox/utils/timer.py b/happypose/toolbox/utils/timer.py index cf646d15..08adf81f 100644 --- a/happypose/toolbox/utils/timer.py +++ b/happypose/toolbox/utils/timer.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library import datetime diff --git a/happypose/toolbox/utils/transform_utils.py b/happypose/toolbox/utils/transform_utils.py index dc69d309..7594d6d0 100644 --- a/happypose/toolbox/utils/transform_utils.py +++ b/happypose/toolbox/utils/transform_utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import roma import torch diff --git a/happypose/toolbox/utils/types.py b/happypose/toolbox/utils/types.py index 2d564835..dade98bb 100644 --- a/happypose/toolbox/utils/types.py +++ b/happypose/toolbox/utils/types.py @@ -12,6 +12,7 @@ See the License for the specific language governing permissions and limitations under the License. """ + from typing import Tuple Resolution = Tuple[int, int] diff --git a/happypose/toolbox/utils/xarray.py b/happypose/toolbox/utils/xarray.py index 8bcb3a24..ff991d29 100644 --- a/happypose/toolbox/utils/xarray.py +++ b/happypose/toolbox/utils/xarray.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import numpy as np diff --git a/happypose/toolbox/visualization/bokeh_plotter.py b/happypose/toolbox/visualization/bokeh_plotter.py index 9d727bb1..c08a73a4 100644 --- a/happypose/toolbox/visualization/bokeh_plotter.py +++ b/happypose/toolbox/visualization/bokeh_plotter.py @@ -13,7 +13,6 @@ limitations under the License. """ - from collections.abc import Iterator # Standard Library diff --git a/happypose/toolbox/visualization/bokeh_utils.py b/happypose/toolbox/visualization/bokeh_utils.py index 6be1a781..ede0fb86 100644 --- a/happypose/toolbox/visualization/bokeh_utils.py +++ b/happypose/toolbox/visualization/bokeh_utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library # Standard Library diff --git a/happypose/toolbox/visualization/meshcat_utils.py b/happypose/toolbox/visualization/meshcat_utils.py index 428f394f..1ca81a4f 100644 --- a/happypose/toolbox/visualization/meshcat_utils.py +++ b/happypose/toolbox/visualization/meshcat_utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Third Party import meshcat import meshcat.geometry as g diff --git a/happypose/toolbox/visualization/meshcat_visualizer.py b/happypose/toolbox/visualization/meshcat_visualizer.py index 185ea449..e189e3c0 100644 --- a/happypose/toolbox/visualization/meshcat_visualizer.py +++ b/happypose/toolbox/visualization/meshcat_visualizer.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from pathlib import Path diff --git a/happypose/toolbox/visualization/utils.py b/happypose/toolbox/visualization/utils.py index d93aa0e9..1aa30acd 100644 --- a/happypose/toolbox/visualization/utils.py +++ b/happypose/toolbox/visualization/utils.py @@ -13,7 +13,6 @@ limitations under the License. """ - # Standard Library from typing import Any, Dict, Optional, Tuple, Union diff --git a/tests/test_cosypose_inference.py b/tests/test_cosypose_inference.py index 358ba33a..238bdb1c 100644 --- a/tests/test_cosypose_inference.py +++ b/tests/test_cosypose_inference.py @@ -1,4 +1,5 @@ """Set of unit tests for testing inference example for CosyPose.""" + import unittest import numpy as np diff --git a/tests/test_megapose_inference.py b/tests/test_megapose_inference.py index bc5dae4a..b53a39a5 100644 --- a/tests/test_megapose_inference.py +++ b/tests/test_megapose_inference.py @@ -1,4 +1,5 @@ """Set of unit tests for testing inference example for MegaPose.""" + import unittest import numpy as np diff --git a/tests/test_renderer_panda3d.py b/tests/test_renderer_panda3d.py index 7199150b..139cbce1 100644 --- a/tests/test_renderer_panda3d.py +++ b/tests/test_renderer_panda3d.py @@ -1,4 +1,5 @@ """Set of unit tests for Panda3D renderer.""" + import unittest from pathlib import Path