Skip to content

Commit f6db4a2

Browse files
[pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
1 parent 39216dd commit f6db4a2

File tree

96 files changed

+7
-89
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

96 files changed

+7
-89
lines changed

experiments/job-runner/setup.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from os import path
1918

happypose/pose_estimators/cosypose/cosypose/evaluation/prediction_runner.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import time
1918
from collections import defaultdict

happypose/pose_estimators/cosypose/cosypose/models/efficientnet.py

+1
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,5 @@
11
"""Copied from https://github.com/lukemelas/EfficientNet-PyTorch."""
2+
23
import torch
34
from torch import nn
45
from torch.nn import functional as F

happypose/pose_estimators/megapose/__init__.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import os
1918

happypose/pose_estimators/megapose/config.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import os
1918
import sys

happypose/pose_estimators/megapose/evaluation/bop.py

-1
Original file line numberDiff line numberDiff line change
@@ -14,7 +14,6 @@
1414
limitations under the License.
1515
"""
1616

17-
1817
# Standard Library
1918
import argparse
2019
import importlib

happypose/pose_estimators/megapose/evaluation/data_utils.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from typing import List, Optional
1918

happypose/pose_estimators/megapose/evaluation/eval_config.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from dataclasses import dataclass
1918
from typing import List, Optional

happypose/pose_estimators/megapose/evaluation/evaluation.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from pathlib import Path
1918
from typing import Any, Dict, Optional

happypose/pose_estimators/megapose/evaluation/evaluation_runner.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from collections import OrderedDict
1918

happypose/pose_estimators/megapose/evaluation/meters/base.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from collections import defaultdict
1918
from pathlib import Path

happypose/pose_estimators/megapose/evaluation/meters/modelnet_meters.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Third Party
1817
import numpy as np
1918
import torch

happypose/pose_estimators/megapose/evaluation/meters/utils.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817

1918
# Third Party

happypose/pose_estimators/megapose/evaluation/prediction_runner.py

-1
Original file line numberDiff line numberDiff line change
@@ -14,7 +14,6 @@
1414
limitations under the License.
1515
"""
1616

17-
1817
# Standard Library
1918
from collections import defaultdict
2019
from typing import Dict, Optional

happypose/pose_estimators/megapose/evaluation/runner_utils.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from collections import OrderedDict, defaultdict
1918

happypose/pose_estimators/megapose/evaluation/utils.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import re
1918

happypose/pose_estimators/megapose/inference/depth_refiner.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from abc import ABC, abstractmethod
1918
from typing import Optional, Tuple

happypose/pose_estimators/megapose/inference/detector.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from typing import Any, Optional
1918

happypose/pose_estimators/megapose/inference/icp_refiner.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from typing import Dict, Optional, Tuple
1918

happypose/pose_estimators/megapose/inference/refiner_utils.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Third Party
1817
import numpy as np
1918
import open3d as o3d

happypose/pose_estimators/megapose/inference/teaserpp_refiner.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import time
1918
from typing import Optional, Tuple

happypose/pose_estimators/megapose/inference/types.py

+1
Original file line numberDiff line numberDiff line change
@@ -12,6 +12,7 @@
1212
See the License for the specific language governing permissions and
1313
limitations under the License.
1414
"""
15+
1516
from __future__ import annotations
1617

1718
from dataclasses import dataclass

happypose/pose_estimators/megapose/models/mask_rcnn.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Third Party
1817
from torchvision.models.detection.backbone_utils import resnet_fpn_backbone
1918
from torchvision.models.detection.mask_rcnn import MaskRCNN

happypose/pose_estimators/megapose/models/resnet.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
try:
1817
# Third Party
1918
from torch.hub import load_state_dict_from_url

happypose/pose_estimators/megapose/models/wide_resnet.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Third Party
1817
import torch
1918
import torch.nn.functional as F

happypose/pose_estimators/megapose/scripts/distributed.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import datetime
1918
import os

happypose/pose_estimators/megapose/scripts/generate_shapenet_pbr.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import json
1918
import os

happypose/pose_estimators/megapose/scripts/make_gso_meshes.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import shutil
1918
from collections import defaultdict

happypose/pose_estimators/megapose/scripts/make_gso_subsets.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import json
1918

happypose/pose_estimators/megapose/scripts/make_shapenet_panda3d.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import shutil
1918
import subprocess

happypose/pose_estimators/megapose/scripts/make_shapenet_ply_scaled.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import shutil
1918
import time

happypose/pose_estimators/megapose/scripts/make_shapenet_pointclouds.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import shutil
1918
import time

happypose/pose_estimators/megapose/scripts/make_shapenet_statistics.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import io
1918
import json

happypose/pose_estimators/megapose/scripts/make_shapenet_subsets.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import json
1918
from pathlib import Path

happypose/pose_estimators/megapose/scripts/run_full_megapose_eval.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import copy
1918
import os

happypose/pose_estimators/megapose/scripts/run_megapose_training.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# SPDX-FileCopyrightText: Copyright (c) <year> NVIDIA CORPORATION & AFFILIATES.
1817
# All rights reserved.
1918
# SPDX-License-Identifier: MIT

happypose/pose_estimators/megapose/scripts/test_distributed.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import os
1918

happypose/pose_estimators/megapose/training/detector_models_cfg.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# MegaPose
1817
from happypose.pose_estimators.megapose.models.mask_rcnn import DetectorMaskRCNN
1918
from happypose.toolbox.utils.logging import get_logger

happypose/pose_estimators/megapose/training/megapose_forward_loss.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from typing import Any, Dict
1918

happypose/pose_estimators/megapose/training/pose_models_cfg.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817

1918
# MegaPose

happypose/pose_estimators/megapose/training/train_megapose.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import functools
1918
import os

happypose/pose_estimators/megapose/training/utils.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import time
1918
from pathlib import Path

happypose/toolbox/datasets/augmentations.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import dataclasses
1918
import random

happypose/toolbox/datasets/bop_object_datasets.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import json
1918
from pathlib import Path

happypose/toolbox/datasets/bop_scene_dataset.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import json
1918
import pickle

happypose/toolbox/datasets/datasets_cfg.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import json
1918
from typing import List, Optional, Tuple

happypose/toolbox/datasets/deepim_modelnet.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from pathlib import Path
1918

happypose/toolbox/datasets/gso_dataset.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import json
1918
from pathlib import Path

happypose/toolbox/datasets/modelnet_object_dataset.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
from pathlib import Path
1918

happypose/toolbox/datasets/object_dataset.py

-1
Original file line numberDiff line numberDiff line change
@@ -13,7 +13,6 @@
1313
limitations under the License.
1414
"""
1515

16-
1716
# Standard Library
1817
import itertools
1918
from pathlib import Path

0 commit comments

Comments
 (0)