Skip to content

Commit

Permalink
Add header for files (#869)
Browse files Browse the repository at this point in the history
* Add header for files

* Add header for files

* Add header for files

* Add header for files
  • Loading branch information
DCNSW authored Aug 19, 2021
1 parent d154e24 commit ed81c6c
Show file tree
Hide file tree
Showing 269 changed files with 269 additions and 0 deletions.
1 change: 1 addition & 0 deletions .dev_scripts/gather_models.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
"""Script to gather benchmarked models and prepare them for upload.
Usage:
Expand Down
1 change: 1 addition & 0 deletions demo/mono_det_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from argparse import ArgumentParser

from mmdet3d.apis import (inference_mono_3d_detector, init_model,
Expand Down
1 change: 1 addition & 0 deletions demo/multi_modality_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from argparse import ArgumentParser

from mmdet3d.apis import (inference_multi_modality_detector, init_model,
Expand Down
1 change: 1 addition & 0 deletions demo/pc_seg_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from argparse import ArgumentParser

from mmdet3d.apis import inference_segmentor, init_model, show_result_meshlab
Expand Down
1 change: 1 addition & 0 deletions demo/pcd_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from argparse import ArgumentParser

from mmdet3d.apis import inference_detector, init_model, show_result_meshlab
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv

import mmdet
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/apis/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .inference import (convert_SyncBN, inference_detector,
inference_mono_3d_detector,
inference_multi_modality_detector, inference_segmentor,
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/apis/inference.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
import re
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/apis/test.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import torch
from mmcv.image import tensor2imgs
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/apis/train.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.apis import train_detector
from mmseg.apis import train_segmentor

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .anchor import * # noqa: F401, F403
from .bbox import * # noqa: F401, F403
from .evaluation import * # noqa: F401, F403
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/anchor/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.core.anchor import build_anchor_generator
from .anchor_3d_generator import (AlignedAnchor3DRangeGenerator,
AlignedAnchor3DRangeGeneratorPerCls,
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/anchor/anchor_3d_generator.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .assigners import AssignResult, BaseAssigner, MaxIoUAssigner
from .coders import DeltaXYZWLHRBBoxCoder
# from .bbox_target import bbox_target
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/assigners/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.core.bbox import AssignResult, BaseAssigner, MaxIoUAssigner

__all__ = ['BaseAssigner', 'MaxIoUAssigner', 'AssignResult']
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/box_np_ops.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
# TODO: clean the functions in this file and move the APIs into box structures
# in the future

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/coders/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.core.bbox import build_bbox_coder
from .anchor_free_bbox_coder import AnchorFreeBBoxCoder
from .centerpoint_bbox_coders import CenterPointBBoxCoder
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch

from mmdet.core.bbox import BaseBBoxCoder
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch

from mmdet.core.bbox import BaseBBoxCoder
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/iou_calculators/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .iou3d_calculator import (AxisAlignedBboxOverlaps3D, BboxOverlaps3D,
BboxOverlapsNearest3D,
axis_aligned_bbox_overlaps_3d, bbox_overlaps_3d,
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch

from mmdet.core.bbox import bbox_overlaps
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/samplers/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.core.bbox.samplers import (BaseSampler, CombinedSampler,
InstanceBalancedPosSampler,
IoUBalancedNegSampler, OHEMSampler,
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch

from mmdet.core.bbox.builder import BBOX_SAMPLERS
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_box3d import BaseInstance3DBoxes
from .box_3d_mode import Box3DMode
from .cam_box3d import CameraInstance3DBoxes
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/base_box3d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch
from abc import abstractmethod
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/box_3d_mode.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch
from enum import IntEnum, unique
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/cam_box3d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/coord_3d_mode.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch
from enum import IntEnum, unique
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/depth_box3d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/lidar_box3d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/structures/utils.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch
from logging import warning
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/bbox/transforms.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch


Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/evaluation/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .indoor_eval import indoor_eval
from .kitti_utils import kitti_eval, kitti_eval_coco_style
from .lyft_eval import lyft_eval
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/evaluation/indoor_eval.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch
from mmcv.utils import print_log
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/evaluation/kitti_utils/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .eval import kitti_eval, kitti_eval_coco_style

__all__ = ['kitti_eval', 'kitti_eval_coco_style']
1 change: 1 addition & 0 deletions mmdet3d/core/evaluation/kitti_utils/eval.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import gc
import io as sysio
import numba
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/evaluation/kitti_utils/rotate_iou.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
#####################
# Based on https://github.com/hongzhenwang/RRPN-revise
# Licensed under The MIT License
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/evaluation/lyft_eval.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
from lyft_dataset_sdk.eval.detection.mAP_evaluation import (Box3D, get_ap,
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/evaluation/seg_eval.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
from mmcv.utils import print_log
from terminaltables import AsciiTable
Expand Down
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
r"""Adapted from `Waymo to KITTI converter
<https://github.com/caizhongang/waymo_kitti_converter>`_.
"""
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/points/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_points import BasePoints
from .cam_points import CameraPoints
from .depth_points import DepthPoints
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/points/base_points.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch
import warnings
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/points/cam_points.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_points import BasePoints


Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/points/depth_points.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_points import BasePoints


Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/points/lidar_points.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_points import BasePoints


Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/post_processing/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.core.post_processing import (merge_aug_bboxes, merge_aug_masks,
merge_aug_proposals, merge_aug_scores,
multiclass_nms)
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/post_processing/box3d_nms.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numba
import numpy as np
import torch
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/post_processing/merge_augs.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch

from mmdet3d.ops.iou3d.iou3d_utils import nms_gpu, nms_normal_gpu
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/utils/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .gaussian import draw_heatmap_gaussian, gaussian_2d, gaussian_radius

__all__ = ['gaussian_2d', 'gaussian_radius', 'draw_heatmap_gaussian']
1 change: 1 addition & 0 deletions mmdet3d/core/utils/gaussian.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/visualizer/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .show_result import (show_multi_modality_result, show_result,
show_seg_result)

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/visualizer/image_vis.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import cv2
import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/visualizer/open3d_vis.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import numpy as np
import torch
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/visualizer/show_result.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
import trimesh
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/voxel/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .builder import build_voxel_generator
from .voxel_generator import VoxelGenerator

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/voxel/builder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv

from . import voxel_generator
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/core/voxel/voxel_generator.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numba
import numpy as np

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.datasets.builder import build_dataloader
from .builder import DATASETS, build_dataset
from .custom_3d import Custom3DDataset
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/builder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import platform
from mmcv.utils import Registry, build_from_cfg

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/custom_3d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
import tempfile
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/custom_3d_seg.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
import tempfile
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/dataset_wrappers.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np

from .builder import DATASETS
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/kitti2d_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/kitti_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import mmcv
import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/kitti_mono_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import mmcv
import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/lyft_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
import os
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/nuscenes_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
import pyquaternion
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/nuscenes_mono_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import mmcv
import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/pipelines/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmdet.datasets.pipelines import Compose
from .dbsampler import DataBaseSampler
from .formating import Collect3D, DefaultFormatBundle, DefaultFormatBundle3D
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/pipelines/data_augment_utils.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numba
import numpy as np
import warnings
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/pipelines/dbsampler.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import mmcv
import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/pipelines/formating.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
from mmcv.parallel import DataContainer as DC

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/pipelines/loading.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/pipelines/test_time_aug.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import warnings
from copy import deepcopy
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/pipelines/transforms_3d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import warnings
from mmcv import is_tuple_of
Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/s3dis_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
from os import path as osp

Expand Down
1 change: 1 addition & 0 deletions mmdet3d/datasets/scannet_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import tempfile
import warnings
Expand Down
Loading

0 comments on commit ed81c6c

Please sign in to comment.