diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/data_utils.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/data_utils.py index 37e18a3e..ad57d2a5 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/data_utils.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/data_utils.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/detection_eval.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/detection_eval.py index 2858ba43..24320d57 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/detection_eval.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/detection_eval.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/pose_eval.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/pose_eval.py index 0d8b3d0c..97546829 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/pose_eval.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/eval_runner/pose_eval.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/evaluation.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/evaluation.py index b77b174e..58674432 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/evaluation.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/evaluation.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/bop_predictions.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/bop_predictions.py index 6cebf9a0..9a2b5319 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/bop_predictions.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/bop_predictions.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/detections.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/detections.py index f4222010..d5e25f55 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/detections.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/detections.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/multiview_predictions.py b/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/multiview_predictions.py index b0e8fe95..18816041 100644 --- a/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/multiview_predictions.py +++ b/happypose/pose_estimators/cosypose/cosypose/evaluation/pred_runner/multiview_predictions.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/integrated/multiview_predictor.py b/happypose/pose_estimators/cosypose/cosypose/integrated/multiview_predictor.py index af5753d3..c2023d94 100644 --- a/happypose/pose_estimators/cosypose/cosypose/integrated/multiview_predictor.py +++ b/happypose/pose_estimators/cosypose/cosypose/integrated/multiview_predictor.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/integrated/pose_estimator.py b/happypose/pose_estimators/cosypose/cosypose/integrated/pose_estimator.py index 452107b8..fa9dabb6 100644 --- a/happypose/pose_estimators/cosypose/cosypose/integrated/pose_estimator.py +++ b/happypose/pose_estimators/cosypose/cosypose/integrated/pose_estimator.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/integrated/pose_predictor.py b/happypose/pose_estimators/cosypose/cosypose/integrated/pose_predictor.py index b9fc4978..277cb205 100644 --- a/happypose/pose_estimators/cosypose/cosypose/integrated/pose_predictor.py +++ b/happypose/pose_estimators/cosypose/cosypose/integrated/pose_predictor.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/multiview/bundle_adjustment.py b/happypose/pose_estimators/cosypose/cosypose/multiview/bundle_adjustment.py index 11be9e4a..3c95fce1 100644 --- a/happypose/pose_estimators/cosypose/cosypose/multiview/bundle_adjustment.py +++ b/happypose/pose_estimators/cosypose/cosypose/multiview/bundle_adjustment.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/multiview/ransac.py b/happypose/pose_estimators/cosypose/cosypose/multiview/ransac.py index 9217e544..f13ee991 100644 --- a/happypose/pose_estimators/cosypose/cosypose/multiview/ransac.py +++ b/happypose/pose_estimators/cosypose/cosypose/multiview/ransac.py @@ -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 ( diff --git a/happypose/pose_estimators/cosypose/cosypose/scripts/run_cosypose_eval.py b/happypose/pose_estimators/cosypose/cosypose/scripts/run_cosypose_eval.py index 678db8ff..987813e6 100644 --- a/happypose/pose_estimators/cosypose/cosypose/scripts/run_cosypose_eval.py +++ b/happypose/pose_estimators/cosypose/cosypose/scripts/run_cosypose_eval.py @@ -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 diff --git a/happypose/pose_estimators/cosypose/cosypose/scripts/run_custom_scenario.py b/happypose/pose_estimators/cosypose/cosypose/scripts/run_custom_scenario.py index 6eff8d01..963a7597 100644 --- a/happypose/pose_estimators/cosypose/cosypose/scripts/run_custom_scenario.py +++ b/happypose/pose_estimators/cosypose/cosypose/scripts/run_custom_scenario.py @@ -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