Skip to content

Commit

Permalink
[pre-commit.ci] auto fixes from pre-commit.com hooks
Browse files Browse the repository at this point in the history
for more information, see https://pre-commit.ci
  • Loading branch information
pre-commit-ci[bot] committed Feb 12, 2024
1 parent 56dff49 commit 2da7ba0
Show file tree
Hide file tree
Showing 96 changed files with 7 additions and 89 deletions.
1 change: 0 additions & 1 deletion experiments/job-runner/setup.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from os import path

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import time
from collections import defaultdict
Expand Down
Original file line number Diff line number Diff line change
@@ -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
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import os

Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/config.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import os
import sys
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/evaluation/bop.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
limitations under the License.
"""


# Standard Library
import argparse
import importlib
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from typing import List, Optional

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from dataclasses import dataclass
from typing import List, Optional
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from pathlib import Path
from typing import Any, Dict, Optional
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from collections import OrderedDict

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from collections import defaultdict
from pathlib import Path
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Third Party
import numpy as np
import torch
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library

# Third Party
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
limitations under the License.
"""


# Standard Library
from collections import defaultdict
from typing import Dict, Optional
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from collections import OrderedDict, defaultdict

Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/evaluation/utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import re

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from abc import ABC, abstractmethod
from typing import Optional, Tuple
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/inference/detector.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from typing import Any, Optional

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from typing import Dict, Optional, Tuple

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Third Party
import numpy as np
import open3d as o3d
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import time
from typing import Optional, Tuple
Expand Down
1 change: 1 addition & 0 deletions happypose/pose_estimators/megapose/inference/types.py
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/models/mask_rcnn.py
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/models/resnet.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


try:
# Third Party
from torch.hub import load_state_dict_from_url
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/models/wide_resnet.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Third Party
import torch
import torch.nn.functional as F
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/scripts/distributed.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import datetime
import os
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import json
import os
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import shutil
from collections import defaultdict
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import json

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import shutil
import subprocess
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import shutil
import time
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import shutil
import time
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import io
import json
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import json
from pathlib import Path
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import copy
import os
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# SPDX-FileCopyrightText: Copyright (c) <year> NVIDIA CORPORATION & AFFILIATES.
# All rights reserved.
# SPDX-License-Identifier: MIT
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import os

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from typing import Any, Dict

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library

# MegaPose
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import functools
import os
Expand Down
1 change: 0 additions & 1 deletion happypose/pose_estimators/megapose/training/utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import time
from pathlib import Path
Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/augmentations.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import dataclasses
import random
Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/bop_object_datasets.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import json
from pathlib import Path
Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/bop_scene_dataset.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import json
import pickle
Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/datasets_cfg.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import json
from typing import List, Optional, Tuple
Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/deepim_modelnet.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from pathlib import Path

Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/gso_dataset.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import json
from pathlib import Path
Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/modelnet_object_dataset.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
from pathlib import Path

Expand Down
1 change: 0 additions & 1 deletion happypose/toolbox/datasets/object_dataset.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
limitations under the License.
"""


# Standard Library
import itertools
from pathlib import Path
Expand Down
Loading

0 comments on commit 2da7ba0

Please sign in to comment.