Skip to content

Commit

Permalink
fix multiple imports
Browse files Browse the repository at this point in the history
  • Loading branch information
nim65s committed Oct 17, 2023
1 parent 2770719 commit 7f0f0e2
Show file tree
Hide file tree
Showing 14 changed files with 14 additions and 14 deletions.
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
import pandas as pd
import torch
from collections import defaultdict
import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.lib3d.transform_ops import invert_T


Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@

from happypose.pose_estimators.cosypose.cosypose.utils.distributed import get_world_size, get_rank, get_tmp_dir

import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.evaluation.data_utils import parse_obs_data
from happypose.pose_estimators.cosypose.cosypose.datasets.samplers import DistributedSceneSampler

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@

from happypose.pose_estimators.cosypose.cosypose.utils.distributed import get_world_size, get_rank, get_tmp_dir

import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.evaluation.data_utils import parse_obs_data
from happypose.pose_estimators.cosypose.cosypose.datasets.samplers import DistributedSceneSampler

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -56,7 +56,7 @@
from happypose.pose_estimators.cosypose.cosypose.integrated.pose_predictor import CoarseRefinePosePredictor
from happypose.pose_estimators.cosypose.cosypose.integrated.multiview_predictor import MultiviewScenePredictor
from happypose.pose_estimators.cosypose.cosypose.datasets.wrappers.multiview_wrapper import MultiViewWrapper
import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
# Detection
from happypose.pose_estimators.cosypose.cosypose.training.detector_models_cfg import create_model_detector
from happypose.pose_estimators.cosypose.cosypose.training.detector_models_cfg import check_update_config as check_update_config_detector
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@

from happypose.pose_estimators.cosypose.cosypose.utils.logging import get_logger
from happypose.pose_estimators.cosypose.cosypose.datasets.samplers import DistributedSceneSampler
import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.utils.distributed import get_world_size, get_rank, get_tmp_dir

from torch.utils.data import DataLoader
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
from collections import defaultdict

from happypose.pose_estimators.cosypose.cosypose.datasets.samplers import DistributedSceneSampler
import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.utils.distributed import get_world_size, get_rank, get_tmp_dir

from torch.utils.data import DataLoader
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@

from happypose.pose_estimators.cosypose.cosypose.utils.logging import get_logger
from happypose.pose_estimators.cosypose.cosypose.datasets.samplers import DistributedSceneSampler
import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.utils.distributed import get_world_size, get_rank, get_tmp_dir

from torch.utils.data import DataLoader
Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
import numpy as np
import pandas as pd

import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc

from happypose.pose_estimators.cosypose.cosypose.lib3d.transform_ops import invert_T
from happypose.pose_estimators.cosypose.cosypose.multiview.ransac import multiview_candidate_matching
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@
from collections import defaultdict
from typing import Any, Optional, Tuple

import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
import numpy as np
import torch
from torch.utils.data import DataLoader, TensorDataset
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
from torch.utils.data import TensorDataset, DataLoader
from happypose.pose_estimators.cosypose.cosypose.lib3d.cosypose_ops import TCO_init_from_boxes, TCO_init_from_boxes_zup_autodepth

import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc

from happypose.pose_estimators.cosypose.cosypose.utils.logging import get_logger
from happypose.pose_estimators.cosypose.cosypose.utils.timer import Timer
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
from scipy.sparse import csr_matrix
from scipy.sparse.csgraph import connected_components

import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc

from happypose.pose_estimators.cosypose.cosypose.lib3d.transform_ops import invert_T, compute_transform_from_pose9d
from happypose.pose_estimators.cosypose.cosypose.lib3d.camera_geometry import project_points
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
import cosypose_cext
from scipy.sparse import csr_matrix
from scipy.sparse.csgraph import connected_components
import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc

from happypose.pose_estimators.cosypose.cosypose.lib3d.transform_ops import invert_T
from happypose.pose_estimators.cosypose.cosypose.lib3d.symmetric_distances import (
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,7 @@
from happypose.pose_estimators.cosypose.cosypose.evaluation.pred_runner.multiview_predictions import MultiviewPredictionRunner
from happypose.pose_estimators.cosypose.cosypose.evaluation.eval_runner.pose_eval import PoseEvaluation

import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.evaluation.runner_utils import format_results, gather_predictions
from happypose.pose_estimators.cosypose.cosypose.utils.distributed import get_rank

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,7 @@
from happypose.pose_estimators.cosypose.cosypose.datasets.bop_object_datasets import BOPObjectDataset
from happypose.pose_estimators.cosypose.cosypose.lib3d.rigid_mesh_database import MeshDataBase
from happypose.pose_estimators.cosypose.cosypose.integrated.multiview_predictor import MultiviewScenePredictor
import cosypose.utils.tensor_collection as tc
import happypose.pose_estimators.cosypose.cosypose.utils.tensor_collection as tc
from happypose.pose_estimators.cosypose.cosypose.rendering.bullet_scene_renderer import BulletSceneRenderer
from happypose.pose_estimators.cosypose.cosypose.visualization.multiview import make_cosypose_plots
from happypose.pose_estimators.cosypose.cosypose.visualization.multiview import make_scene_renderings, nms3d
Expand Down

0 comments on commit 7f0f0e2

Please sign in to comment.