From 5566826128eea9e0b0323c0fa593fdc786e4004e Mon Sep 17 00:00:00 2001 From: "hudingchang.vendor" Date: Tue, 17 Aug 2021 16:06:41 +0800 Subject: [PATCH 1/4] Add header for files --- .dev_scripts/gather_models.py | 1 + data/s3dis/collect_indoor3d_data.py | 1 + data/s3dis/indoor3d_util.py | 1 + data/scannet/extract_posed_images.py | 1 + demo/mono_det_demo.py | 1 + demo/multi_modality_demo.py | 1 + demo/pc_seg_demo.py | 1 + demo/pcd_demo.py | 1 + docs/conf.py | 1 + docs/stat.py | 1 + docs_zh-CN/conf.py | 1 + docs_zh-CN/stat.py | 1 + mmdet3d/__init__.py | 1 + mmdet3d/apis/__init__.py | 1 + mmdet3d/apis/inference.py | 1 + mmdet3d/apis/test.py | 1 + mmdet3d/apis/train.py | 1 + mmdet3d/core/__init__.py | 1 + mmdet3d/core/anchor/__init__.py | 1 + mmdet3d/core/anchor/anchor_3d_generator.py | 1 + mmdet3d/core/bbox/__init__.py | 1 + mmdet3d/core/bbox/assigners/__init__.py | 1 + mmdet3d/core/bbox/box_np_ops.py | 1 + mmdet3d/core/bbox/coders/__init__.py | 1 + mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py | 1 + mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py | 1 + mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py | 1 + mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py | 1 + mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py | 1 + mmdet3d/core/bbox/iou_calculators/__init__.py | 1 + mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py | 1 + mmdet3d/core/bbox/samplers/__init__.py | 1 + mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py | 1 + mmdet3d/core/bbox/structures/__init__.py | 1 + mmdet3d/core/bbox/structures/base_box3d.py | 1 + mmdet3d/core/bbox/structures/box_3d_mode.py | 1 + mmdet3d/core/bbox/structures/cam_box3d.py | 1 + mmdet3d/core/bbox/structures/coord_3d_mode.py | 1 + mmdet3d/core/bbox/structures/depth_box3d.py | 1 + mmdet3d/core/bbox/structures/lidar_box3d.py | 1 + mmdet3d/core/bbox/structures/utils.py | 1 + mmdet3d/core/bbox/transforms.py | 1 + mmdet3d/core/evaluation/__init__.py | 1 + mmdet3d/core/evaluation/indoor_eval.py | 1 + mmdet3d/core/evaluation/kitti_utils/__init__.py | 1 + mmdet3d/core/evaluation/kitti_utils/eval.py | 1 + mmdet3d/core/evaluation/kitti_utils/rotate_iou.py | 1 + mmdet3d/core/evaluation/lyft_eval.py | 1 + mmdet3d/core/evaluation/seg_eval.py | 1 + mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py | 1 + mmdet3d/core/points/__init__.py | 1 + mmdet3d/core/points/base_points.py | 1 + mmdet3d/core/points/cam_points.py | 1 + mmdet3d/core/points/depth_points.py | 1 + mmdet3d/core/points/lidar_points.py | 1 + mmdet3d/core/post_processing/__init__.py | 1 + mmdet3d/core/post_processing/box3d_nms.py | 1 + mmdet3d/core/post_processing/merge_augs.py | 1 + mmdet3d/core/utils/__init__.py | 1 + mmdet3d/core/utils/gaussian.py | 1 + mmdet3d/core/visualizer/__init__.py | 1 + mmdet3d/core/visualizer/image_vis.py | 1 + mmdet3d/core/visualizer/open3d_vis.py | 1 + mmdet3d/core/visualizer/show_result.py | 1 + mmdet3d/core/voxel/__init__.py | 1 + mmdet3d/core/voxel/builder.py | 1 + mmdet3d/core/voxel/voxel_generator.py | 1 + mmdet3d/datasets/__init__.py | 1 + mmdet3d/datasets/builder.py | 1 + mmdet3d/datasets/custom_3d.py | 1 + mmdet3d/datasets/custom_3d_seg.py | 1 + mmdet3d/datasets/dataset_wrappers.py | 1 + mmdet3d/datasets/kitti2d_dataset.py | 1 + mmdet3d/datasets/kitti_dataset.py | 1 + mmdet3d/datasets/kitti_mono_dataset.py | 1 + mmdet3d/datasets/lyft_dataset.py | 1 + mmdet3d/datasets/nuscenes_dataset.py | 1 + mmdet3d/datasets/nuscenes_mono_dataset.py | 1 + mmdet3d/datasets/pipelines/__init__.py | 1 + mmdet3d/datasets/pipelines/data_augment_utils.py | 1 + mmdet3d/datasets/pipelines/dbsampler.py | 1 + mmdet3d/datasets/pipelines/formating.py | 1 + mmdet3d/datasets/pipelines/loading.py | 1 + mmdet3d/datasets/pipelines/test_time_aug.py | 1 + mmdet3d/datasets/pipelines/transforms_3d.py | 1 + mmdet3d/datasets/s3dis_dataset.py | 1 + mmdet3d/datasets/scannet_dataset.py | 1 + mmdet3d/datasets/semantickitti_dataset.py | 1 + mmdet3d/datasets/sunrgbd_dataset.py | 1 + mmdet3d/datasets/utils.py | 1 + mmdet3d/datasets/waymo_dataset.py | 1 + mmdet3d/models/__init__.py | 1 + mmdet3d/models/backbones/__init__.py | 1 + mmdet3d/models/backbones/base_pointnet.py | 1 + mmdet3d/models/backbones/multi_backbone.py | 1 + mmdet3d/models/backbones/nostem_regnet.py | 1 + mmdet3d/models/backbones/pointnet2_sa_msg.py | 1 + mmdet3d/models/backbones/pointnet2_sa_ssg.py | 1 + mmdet3d/models/backbones/second.py | 1 + mmdet3d/models/builder.py | 1 + mmdet3d/models/decode_heads/__init__.py | 1 + mmdet3d/models/decode_heads/decode_head.py | 1 + mmdet3d/models/decode_heads/paconv_head.py | 1 + mmdet3d/models/decode_heads/pointnet2_head.py | 1 + mmdet3d/models/dense_heads/__init__.py | 1 + mmdet3d/models/dense_heads/anchor3d_head.py | 1 + mmdet3d/models/dense_heads/anchor_free_mono3d_head.py | 1 + mmdet3d/models/dense_heads/base_conv_bbox_head.py | 1 + mmdet3d/models/dense_heads/base_mono3d_dense_head.py | 1 + mmdet3d/models/dense_heads/centerpoint_head.py | 1 + mmdet3d/models/dense_heads/fcos_mono3d_head.py | 1 + mmdet3d/models/dense_heads/free_anchor3d_head.py | 1 + mmdet3d/models/dense_heads/groupfree3d_head.py | 1 + mmdet3d/models/dense_heads/parta2_rpn_head.py | 1 + mmdet3d/models/dense_heads/shape_aware_head.py | 1 + mmdet3d/models/dense_heads/ssd_3d_head.py | 1 + mmdet3d/models/dense_heads/train_mixins.py | 1 + mmdet3d/models/dense_heads/vote_head.py | 1 + mmdet3d/models/detectors/__init__.py | 1 + mmdet3d/models/detectors/base.py | 1 + mmdet3d/models/detectors/centerpoint.py | 1 + mmdet3d/models/detectors/dynamic_voxelnet.py | 1 + mmdet3d/models/detectors/fcos_mono3d.py | 1 + mmdet3d/models/detectors/groupfree3dnet.py | 1 + mmdet3d/models/detectors/h3dnet.py | 1 + mmdet3d/models/detectors/imvotenet.py | 1 + mmdet3d/models/detectors/imvoxelnet.py | 1 + mmdet3d/models/detectors/mvx_faster_rcnn.py | 1 + mmdet3d/models/detectors/mvx_two_stage.py | 1 + mmdet3d/models/detectors/parta2.py | 1 + mmdet3d/models/detectors/single_stage.py | 1 + mmdet3d/models/detectors/single_stage_mono3d.py | 1 + mmdet3d/models/detectors/ssd3dnet.py | 1 + mmdet3d/models/detectors/two_stage.py | 1 + mmdet3d/models/detectors/votenet.py | 1 + mmdet3d/models/detectors/voxelnet.py | 1 + mmdet3d/models/fusion_layers/__init__.py | 1 + mmdet3d/models/fusion_layers/coord_transform.py | 1 + mmdet3d/models/fusion_layers/point_fusion.py | 1 + mmdet3d/models/fusion_layers/vote_fusion.py | 1 + mmdet3d/models/losses/__init__.py | 1 + mmdet3d/models/losses/axis_aligned_iou_loss.py | 1 + mmdet3d/models/losses/chamfer_distance.py | 1 + mmdet3d/models/losses/paconv_regularization_loss.py | 1 + mmdet3d/models/middle_encoders/__init__.py | 1 + mmdet3d/models/middle_encoders/pillar_scatter.py | 1 + mmdet3d/models/middle_encoders/sparse_encoder.py | 1 + mmdet3d/models/middle_encoders/sparse_unet.py | 1 + mmdet3d/models/model_utils/__init__.py | 1 + mmdet3d/models/model_utils/transformer.py | 1 + mmdet3d/models/model_utils/vote_module.py | 1 + mmdet3d/models/necks/__init__.py | 1 + mmdet3d/models/necks/imvoxel_neck.py | 1 + mmdet3d/models/necks/second_fpn.py | 1 + mmdet3d/models/roi_heads/__init__.py | 1 + mmdet3d/models/roi_heads/base_3droi_head.py | 1 + mmdet3d/models/roi_heads/bbox_heads/__init__.py | 1 + mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py | 1 + mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py | 1 + mmdet3d/models/roi_heads/h3d_roi_head.py | 1 + mmdet3d/models/roi_heads/mask_heads/__init__.py | 1 + mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py | 1 + mmdet3d/models/roi_heads/mask_heads/primitive_head.py | 1 + mmdet3d/models/roi_heads/part_aggregation_roi_head.py | 1 + mmdet3d/models/roi_heads/roi_extractors/__init__.py | 1 + .../models/roi_heads/roi_extractors/single_roiaware_extractor.py | 1 + mmdet3d/models/segmentors/__init__.py | 1 + mmdet3d/models/segmentors/base.py | 1 + mmdet3d/models/segmentors/encoder_decoder.py | 1 + mmdet3d/models/utils/__init__.py | 1 + mmdet3d/models/utils/clip_sigmoid.py | 1 + mmdet3d/models/utils/mlp.py | 1 + mmdet3d/models/voxel_encoders/__init__.py | 1 + mmdet3d/models/voxel_encoders/pillar_encoder.py | 1 + mmdet3d/models/voxel_encoders/utils.py | 1 + mmdet3d/models/voxel_encoders/voxel_encoder.py | 1 + mmdet3d/ops/__init__.py | 1 + mmdet3d/ops/ball_query/__init__.py | 1 + mmdet3d/ops/ball_query/ball_query.py | 1 + mmdet3d/ops/furthest_point_sample/__init__.py | 1 + mmdet3d/ops/furthest_point_sample/furthest_point_sample.py | 1 + mmdet3d/ops/furthest_point_sample/points_sampler.py | 1 + mmdet3d/ops/furthest_point_sample/utils.py | 1 + mmdet3d/ops/gather_points/__init__.py | 1 + mmdet3d/ops/gather_points/gather_points.py | 1 + mmdet3d/ops/group_points/__init__.py | 1 + mmdet3d/ops/group_points/group_points.py | 1 + mmdet3d/ops/interpolate/__init__.py | 1 + mmdet3d/ops/interpolate/three_interpolate.py | 1 + mmdet3d/ops/interpolate/three_nn.py | 1 + mmdet3d/ops/iou3d/__init__.py | 1 + mmdet3d/ops/iou3d/iou3d_utils.py | 1 + mmdet3d/ops/knn/__init__.py | 1 + mmdet3d/ops/knn/knn.py | 1 + mmdet3d/ops/norm.py | 1 + mmdet3d/ops/paconv/__init__.py | 1 + mmdet3d/ops/paconv/assign_score.py | 1 + mmdet3d/ops/paconv/paconv.py | 1 + mmdet3d/ops/paconv/utils.py | 1 + mmdet3d/ops/pointnet_modules/__init__.py | 1 + mmdet3d/ops/pointnet_modules/builder.py | 1 + mmdet3d/ops/pointnet_modules/paconv_sa_module.py | 1 + mmdet3d/ops/pointnet_modules/point_fp_module.py | 1 + mmdet3d/ops/pointnet_modules/point_sa_module.py | 1 + mmdet3d/ops/roiaware_pool3d/__init__.py | 1 + mmdet3d/ops/roiaware_pool3d/points_in_boxes.py | 1 + mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py | 1 + mmdet3d/ops/sparse_block.py | 1 + mmdet3d/ops/spconv/structure.py | 1 + mmdet3d/ops/voxel/__init__.py | 1 + mmdet3d/ops/voxel/scatter_points.py | 1 + mmdet3d/utils/__init__.py | 1 + mmdet3d/utils/collect_env.py | 1 + mmdet3d/utils/logger.py | 1 + tests/test_data/test_datasets/test_dataset_wrappers.py | 1 + tests/test_data/test_datasets/test_kitti_dataset.py | 1 + tests/test_data/test_datasets/test_kitti_mono_dataset.py | 1 + tests/test_data/test_datasets/test_lyft_dataset.py | 1 + tests/test_data/test_datasets/test_nuscene_dataset.py | 1 + tests/test_data/test_datasets/test_nuscenes_mono_dataset.py | 1 + tests/test_data/test_datasets/test_s3dis_dataset.py | 1 + tests/test_data/test_datasets/test_scannet_dataset.py | 1 + tests/test_data/test_datasets/test_semantickitti_dataset.py | 1 + tests/test_data/test_datasets/test_sunrgbd_dataset.py | 1 + tests/test_data/test_datasets/test_waymo_dataset.py | 1 + .../test_pipelines/test_augmentations/test_data_augment_utils.py | 1 + .../test_pipelines/test_augmentations/test_test_augment_utils.py | 1 + .../test_pipelines/test_augmentations/test_transforms_3d.py | 1 + tests/test_data/test_pipelines/test_indoor_pipeline.py | 1 + tests/test_data/test_pipelines/test_indoor_sample.py | 1 + .../test_loadings/test_load_images_from_multi_views.py | 1 + .../test_loadings/test_load_points_from_multi_sweeps.py | 1 + tests/test_data/test_pipelines/test_loadings/test_loading.py | 1 + tests/test_data/test_pipelines/test_outdoor_pipeline.py | 1 + tests/test_metrics/test_indoor_eval.py | 1 + tests/test_metrics/test_kitti_eval.py | 1 + tests/test_metrics/test_losses.py | 1 + tests/test_metrics/test_seg_eval.py | 1 + tests/test_models/test_backbones.py | 1 + tests/test_models/test_common_modules/test_middle_encoders.py | 1 + tests/test_models/test_common_modules/test_paconv_modules.py | 1 + tests/test_models/test_common_modules/test_paconv_ops.py | 1 + tests/test_models/test_common_modules/test_pointnet_modules.py | 1 + tests/test_models/test_common_modules/test_pointnet_ops.py | 1 + tests/test_models/test_common_modules/test_roiaware_pool3d.py | 1 + tests/test_models/test_common_modules/test_sparse_unet.py | 1 + tests/test_models/test_common_modules/test_vote_module.py | 1 + tests/test_models/test_detectors.py | 1 + tests/test_models/test_forward.py | 1 + tests/test_models/test_fusion/test_fusion_coord_trans.py | 1 + tests/test_models/test_fusion/test_point_fusion.py | 1 + tests/test_models/test_fusion/test_vote_fusion.py | 1 + tests/test_models/test_heads/test_heads.py | 1 + tests/test_models/test_heads/test_paconv_decode_head.py | 1 + tests/test_models/test_heads/test_parta2_bbox_head.py | 1 + tests/test_models/test_heads/test_pointnet2_decode_head.py | 1 + tests/test_models/test_heads/test_roi_extractors.py | 1 + tests/test_models/test_heads/test_semantic_heads.py | 1 + tests/test_models/test_necks/test_fpn.py | 1 + tests/test_models/test_necks/test_necks.py | 1 + tests/test_models/test_segmentors.py | 1 + tests/test_models/test_voxel_encoder/test_dynamic_scatter.py | 1 + tests/test_models/test_voxel_encoder/test_voxel_encoders.py | 1 + tests/test_models/test_voxel_encoder/test_voxel_generator.py | 1 + tests/test_models/test_voxel_encoder/test_voxelize.py | 1 + tests/test_runtime/test_apis.py | 1 + tests/test_runtime/test_config.py | 1 + tests/test_utils/test_anchors.py | 1 + tests/test_utils/test_assigners.py | 1 + tests/test_utils/test_bbox_coders.py | 1 + tests/test_utils/test_box3d.py | 1 + tests/test_utils/test_box_np_ops.py | 1 + tests/test_utils/test_coord_3d_mode.py | 1 + tests/test_utils/test_merge_augs.py | 1 + tests/test_utils/test_nms.py | 1 + tests/test_utils/test_points.py | 1 + tests/test_utils/test_samplers.py | 1 + tests/test_utils/test_utils.py | 1 + tools/analysis_tools/analyze_logs.py | 1 + tools/analysis_tools/benchmark.py | 1 + tools/analysis_tools/get_flops.py | 1 + tools/create_data.py | 1 + tools/data_converter/__init__.py | 1 + tools/data_converter/create_gt_database.py | 1 + tools/data_converter/indoor_converter.py | 1 + tools/data_converter/kitti_converter.py | 1 + tools/data_converter/kitti_data_utils.py | 1 + tools/data_converter/lyft_converter.py | 1 + tools/data_converter/lyft_data_fixer.py | 1 + tools/data_converter/nuimage_converter.py | 1 + tools/data_converter/nuscenes_converter.py | 1 + tools/data_converter/s3dis_data_utils.py | 1 + tools/data_converter/scannet_data_utils.py | 1 + tools/data_converter/sunrgbd_data_utils.py | 1 + tools/data_converter/waymo_converter.py | 1 + tools/misc/browse_dataset.py | 1 + tools/misc/fuse_conv_bn.py | 1 + tools/misc/print_config.py | 1 + tools/misc/visualize_results.py | 1 + tools/model_converters/convert_votenet_checkpoints.py | 1 + tools/model_converters/publish_model.py | 1 + tools/model_converters/regnet2mmdet.py | 1 + tools/test.py | 1 + tools/train.py | 1 + 304 files changed, 304 insertions(+) diff --git a/.dev_scripts/gather_models.py b/.dev_scripts/gather_models.py index bcaa28e559..58919fd444 100644 --- a/.dev_scripts/gather_models.py +++ b/.dev_scripts/gather_models.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. """Script to gather benchmarked models and prepare them for upload. Usage: diff --git a/data/s3dis/collect_indoor3d_data.py b/data/s3dis/collect_indoor3d_data.py index 3dc4a05fd5..0d35fdb1bf 100644 --- a/data/s3dis/collect_indoor3d_data.py +++ b/data/s3dis/collect_indoor3d_data.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import mmcv from indoor3d_util import export diff --git a/data/s3dis/indoor3d_util.py b/data/s3dis/indoor3d_util.py index a500a1d4e0..e97b166c7d 100644 --- a/data/s3dis/indoor3d_util.py +++ b/data/s3dis/indoor3d_util.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import glob import numpy as np from os import path as osp diff --git a/data/scannet/extract_posed_images.py b/data/scannet/extract_posed_images.py index 7018f32d11..c1c3841344 100644 --- a/data/scannet/extract_posed_images.py +++ b/data/scannet/extract_posed_images.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Modified from https://github.com/ScanNet/ScanNet/blob/master/SensReader/python/SensorData.py # noqa import imageio import mmcv diff --git a/demo/mono_det_demo.py b/demo/mono_det_demo.py index 68ba832e20..3b043a310b 100644 --- a/demo/mono_det_demo.py +++ b/demo/mono_det_demo.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from argparse import ArgumentParser from mmdet3d.apis import (inference_mono_3d_detector, init_model, diff --git a/demo/multi_modality_demo.py b/demo/multi_modality_demo.py index d6918fa4a9..67c509b927 100644 --- a/demo/multi_modality_demo.py +++ b/demo/multi_modality_demo.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from argparse import ArgumentParser from mmdet3d.apis import (inference_multi_modality_detector, init_model, diff --git a/demo/pc_seg_demo.py b/demo/pc_seg_demo.py index 858b914ade..b8ee0c429f 100644 --- a/demo/pc_seg_demo.py +++ b/demo/pc_seg_demo.py @@ -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 diff --git a/demo/pcd_demo.py b/demo/pcd_demo.py index 5fbe31aa7c..253ba35c8c 100644 --- a/demo/pcd_demo.py +++ b/demo/pcd_demo.py @@ -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 diff --git a/docs/conf.py b/docs/conf.py index 77d1f9548a..70e90a2c1e 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Configuration file for the Sphinx documentation builder. # # This file only contains a selection of the most common options. For a full diff --git a/docs/stat.py b/docs/stat.py index 68a945b3d8..a58cb8e0dd 100755 --- a/docs/stat.py +++ b/docs/stat.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. #!/usr/bin/env python import functools as func import glob diff --git a/docs_zh-CN/conf.py b/docs_zh-CN/conf.py index 77d1f9548a..70e90a2c1e 100644 --- a/docs_zh-CN/conf.py +++ b/docs_zh-CN/conf.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. # Configuration file for the Sphinx documentation builder. # # This file only contains a selection of the most common options. For a full diff --git a/docs_zh-CN/stat.py b/docs_zh-CN/stat.py index 68a945b3d8..a58cb8e0dd 100755 --- a/docs_zh-CN/stat.py +++ b/docs_zh-CN/stat.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. #!/usr/bin/env python import functools as func import glob diff --git a/mmdet3d/__init__.py b/mmdet3d/__init__.py index 839cded3ba..ee89aa550d 100644 --- a/mmdet3d/__init__.py +++ b/mmdet3d/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import mmdet diff --git a/mmdet3d/apis/__init__.py b/mmdet3d/apis/__init__.py index 4c2292c1db..1063648ab1 100644 --- a/mmdet3d/apis/__init__.py +++ b/mmdet3d/apis/__init__.py @@ -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, diff --git a/mmdet3d/apis/inference.py b/mmdet3d/apis/inference.py index ea109208b5..3af7153daf 100644 --- a/mmdet3d/apis/inference.py +++ b/mmdet3d/apis/inference.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import re diff --git a/mmdet3d/apis/test.py b/mmdet3d/apis/test.py index f60c56a119..0c6d7b3325 100644 --- a/mmdet3d/apis/test.py +++ b/mmdet3d/apis/test.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import torch from mmcv.image import tensor2imgs diff --git a/mmdet3d/apis/train.py b/mmdet3d/apis/train.py index ca9f74fdff..93659468e4 100644 --- a/mmdet3d/apis/train.py +++ b/mmdet3d/apis/train.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.apis import train_detector from mmseg.apis import train_segmentor diff --git a/mmdet3d/core/__init__.py b/mmdet3d/core/__init__.py index 9d77b76987..ffb0c1acbf 100644 --- a/mmdet3d/core/__init__.py +++ b/mmdet3d/core/__init__.py @@ -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 diff --git a/mmdet3d/core/anchor/__init__.py b/mmdet3d/core/anchor/__init__.py index 346c1360ea..0393a02a3f 100644 --- a/mmdet3d/core/anchor/__init__.py +++ b/mmdet3d/core/anchor/__init__.py @@ -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, diff --git a/mmdet3d/core/anchor/anchor_3d_generator.py b/mmdet3d/core/anchor/anchor_3d_generator.py index f9343ef996..ab085f9982 100644 --- a/mmdet3d/core/anchor/anchor_3d_generator.py +++ b/mmdet3d/core/anchor/anchor_3d_generator.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import torch diff --git a/mmdet3d/core/bbox/__init__.py b/mmdet3d/core/bbox/__init__.py index afca4dd4bd..dd06b31c2f 100644 --- a/mmdet3d/core/bbox/__init__.py +++ b/mmdet3d/core/bbox/__init__.py @@ -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 diff --git a/mmdet3d/core/bbox/assigners/__init__.py b/mmdet3d/core/bbox/assigners/__init__.py index 44f51fc0f3..d14936871a 100644 --- a/mmdet3d/core/bbox/assigners/__init__.py +++ b/mmdet3d/core/bbox/assigners/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.core.bbox import AssignResult, BaseAssigner, MaxIoUAssigner __all__ = ['BaseAssigner', 'MaxIoUAssigner', 'AssignResult'] diff --git a/mmdet3d/core/bbox/box_np_ops.py b/mmdet3d/core/bbox/box_np_ops.py index 256c436a4e..6740e4ee4d 100644 --- a/mmdet3d/core/bbox/box_np_ops.py +++ b/mmdet3d/core/bbox/box_np_ops.py @@ -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 diff --git a/mmdet3d/core/bbox/coders/__init__.py b/mmdet3d/core/bbox/coders/__init__.py index d2c2dae1a4..0a6a6c7591 100644 --- a/mmdet3d/core/bbox/coders/__init__.py +++ b/mmdet3d/core/bbox/coders/__init__.py @@ -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 diff --git a/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py b/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py index 8bf8160434..812cae8573 100644 --- a/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py +++ b/mmdet3d/core/bbox/coders/anchor_free_bbox_coder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py b/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py index 8180ff8faf..2af76ca65a 100644 --- a/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py +++ b/mmdet3d/core/bbox/coders/centerpoint_bbox_coders.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet.core.bbox import BaseBBoxCoder diff --git a/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py b/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py index 251b957ddf..1fe491a3ab 100644 --- a/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py +++ b/mmdet3d/core/bbox/coders/delta_xyzwhlr_bbox_coder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet.core.bbox import BaseBBoxCoder diff --git a/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py b/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py index 0732af0754..e20de72fb1 100644 --- a/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py +++ b/mmdet3d/core/bbox/coders/groupfree3d_bbox_coder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py b/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py index b20afae101..9c22f2f778 100644 --- a/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py +++ b/mmdet3d/core/bbox/coders/partial_bin_based_bbox_coder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/core/bbox/iou_calculators/__init__.py b/mmdet3d/core/bbox/iou_calculators/__init__.py index 9e07c43a54..d2faf69cd9 100644 --- a/mmdet3d/core/bbox/iou_calculators/__init__.py +++ b/mmdet3d/core/bbox/iou_calculators/__init__.py @@ -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, diff --git a/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py b/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py index bbc3447751..7cc8af63f3 100644 --- a/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py +++ b/mmdet3d/core/bbox/iou_calculators/iou3d_calculator.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet.core.bbox import bbox_overlaps diff --git a/mmdet3d/core/bbox/samplers/__init__.py b/mmdet3d/core/bbox/samplers/__init__.py index 90e5d00034..168780b2d0 100644 --- a/mmdet3d/core/bbox/samplers/__init__.py +++ b/mmdet3d/core/bbox/samplers/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.core.bbox.samplers import (BaseSampler, CombinedSampler, InstanceBalancedPosSampler, IoUBalancedNegSampler, OHEMSampler, diff --git a/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py b/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py index 8a309ce2f2..ecf4b653b4 100644 --- a/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py +++ b/mmdet3d/core/bbox/samplers/iou_neg_piecewise_sampler.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet.core.bbox.builder import BBOX_SAMPLERS diff --git a/mmdet3d/core/bbox/structures/__init__.py b/mmdet3d/core/bbox/structures/__init__.py index 4779703145..8b010cf72d 100644 --- a/mmdet3d/core/bbox/structures/__init__.py +++ b/mmdet3d/core/bbox/structures/__init__.py @@ -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 diff --git a/mmdet3d/core/bbox/structures/base_box3d.py b/mmdet3d/core/bbox/structures/base_box3d.py index 1c6549532b..9e060a4e1c 100644 --- a/mmdet3d/core/bbox/structures/base_box3d.py +++ b/mmdet3d/core/bbox/structures/base_box3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from abc import abstractmethod diff --git a/mmdet3d/core/bbox/structures/box_3d_mode.py b/mmdet3d/core/bbox/structures/box_3d_mode.py index 0b318c36ff..6e2db4fc26 100644 --- a/mmdet3d/core/bbox/structures/box_3d_mode.py +++ b/mmdet3d/core/bbox/structures/box_3d_mode.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from enum import IntEnum, unique diff --git a/mmdet3d/core/bbox/structures/cam_box3d.py b/mmdet3d/core/bbox/structures/cam_box3d.py index 9969037f11..b6b6ebc864 100644 --- a/mmdet3d/core/bbox/structures/cam_box3d.py +++ b/mmdet3d/core/bbox/structures/cam_box3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/core/bbox/structures/coord_3d_mode.py b/mmdet3d/core/bbox/structures/coord_3d_mode.py index edd5f00d3d..fd14cfe0a6 100644 --- a/mmdet3d/core/bbox/structures/coord_3d_mode.py +++ b/mmdet3d/core/bbox/structures/coord_3d_mode.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from enum import IntEnum, unique diff --git a/mmdet3d/core/bbox/structures/depth_box3d.py b/mmdet3d/core/bbox/structures/depth_box3d.py index 73ed25e84d..43427301c1 100644 --- a/mmdet3d/core/bbox/structures/depth_box3d.py +++ b/mmdet3d/core/bbox/structures/depth_box3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/core/bbox/structures/lidar_box3d.py b/mmdet3d/core/bbox/structures/lidar_box3d.py index 2150d61e2e..0c0cfd05ff 100644 --- a/mmdet3d/core/bbox/structures/lidar_box3d.py +++ b/mmdet3d/core/bbox/structures/lidar_box3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/core/bbox/structures/utils.py b/mmdet3d/core/bbox/structures/utils.py index fe63f9de11..4717121d1f 100644 --- a/mmdet3d/core/bbox/structures/utils.py +++ b/mmdet3d/core/bbox/structures/utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from logging import warning diff --git a/mmdet3d/core/bbox/transforms.py b/mmdet3d/core/bbox/transforms.py index 686618e228..34d838a689 100644 --- a/mmdet3d/core/bbox/transforms.py +++ b/mmdet3d/core/bbox/transforms.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/mmdet3d/core/evaluation/__init__.py b/mmdet3d/core/evaluation/__init__.py index f8cd210a33..877458a05c 100644 --- a/mmdet3d/core/evaluation/__init__.py +++ b/mmdet3d/core/evaluation/__init__.py @@ -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 diff --git a/mmdet3d/core/evaluation/indoor_eval.py b/mmdet3d/core/evaluation/indoor_eval.py index 69c8adb8d4..50d758655a 100644 --- a/mmdet3d/core/evaluation/indoor_eval.py +++ b/mmdet3d/core/evaluation/indoor_eval.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.utils import print_log diff --git a/mmdet3d/core/evaluation/kitti_utils/__init__.py b/mmdet3d/core/evaluation/kitti_utils/__init__.py index b1fc7bc3dc..23c1cdf250 100644 --- a/mmdet3d/core/evaluation/kitti_utils/__init__.py +++ b/mmdet3d/core/evaluation/kitti_utils/__init__.py @@ -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'] diff --git a/mmdet3d/core/evaluation/kitti_utils/eval.py b/mmdet3d/core/evaluation/kitti_utils/eval.py index b67eb7cae9..93492c466c 100644 --- a/mmdet3d/core/evaluation/kitti_utils/eval.py +++ b/mmdet3d/core/evaluation/kitti_utils/eval.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import gc import io as sysio import numba diff --git a/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py b/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py index cc2cca58f8..2f0c9c8e50 100644 --- a/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py +++ b/mmdet3d/core/evaluation/kitti_utils/rotate_iou.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. ##################### # Based on https://github.com/hongzhenwang/RRPN-revise # Licensed under The MIT License diff --git a/mmdet3d/core/evaluation/lyft_eval.py b/mmdet3d/core/evaluation/lyft_eval.py index 6842eee831..b6aa775ef9 100644 --- a/mmdet3d/core/evaluation/lyft_eval.py +++ b/mmdet3d/core/evaluation/lyft_eval.py @@ -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, diff --git a/mmdet3d/core/evaluation/seg_eval.py b/mmdet3d/core/evaluation/seg_eval.py index bb81807069..ab26de0241 100644 --- a/mmdet3d/core/evaluation/seg_eval.py +++ b/mmdet3d/core/evaluation/seg_eval.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from mmcv.utils import print_log from terminaltables import AsciiTable diff --git a/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py b/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py index c0651011ee..72a3883a8a 100644 --- a/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py +++ b/mmdet3d/core/evaluation/waymo_utils/prediction_kitti_to_waymo.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. r"""Adapted from `Waymo to KITTI converter `_. """ diff --git a/mmdet3d/core/points/__init__.py b/mmdet3d/core/points/__init__.py index 0575c3f35d..73d2d8338c 100644 --- a/mmdet3d/core/points/__init__.py +++ b/mmdet3d/core/points/__init__.py @@ -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 diff --git a/mmdet3d/core/points/base_points.py b/mmdet3d/core/points/base_points.py index 95b754cb76..31b8cecc11 100644 --- a/mmdet3d/core/points/base_points.py +++ b/mmdet3d/core/points/base_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch import warnings diff --git a/mmdet3d/core/points/cam_points.py b/mmdet3d/core/points/cam_points.py index 185680158b..cb866ddcfb 100644 --- a/mmdet3d/core/points/cam_points.py +++ b/mmdet3d/core/points/cam_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .base_points import BasePoints diff --git a/mmdet3d/core/points/depth_points.py b/mmdet3d/core/points/depth_points.py index 3d194a1e03..3dfd5f7cd8 100644 --- a/mmdet3d/core/points/depth_points.py +++ b/mmdet3d/core/points/depth_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .base_points import BasePoints diff --git a/mmdet3d/core/points/lidar_points.py b/mmdet3d/core/points/lidar_points.py index f17323a3af..ec0c98e273 100644 --- a/mmdet3d/core/points/lidar_points.py +++ b/mmdet3d/core/points/lidar_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .base_points import BasePoints diff --git a/mmdet3d/core/post_processing/__init__.py b/mmdet3d/core/post_processing/__init__.py index 2f67514add..a52a23ceb6 100644 --- a/mmdet3d/core/post_processing/__init__.py +++ b/mmdet3d/core/post_processing/__init__.py @@ -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) diff --git a/mmdet3d/core/post_processing/box3d_nms.py b/mmdet3d/core/post_processing/box3d_nms.py index ebaa399e8f..638c9aaae0 100644 --- a/mmdet3d/core/post_processing/box3d_nms.py +++ b/mmdet3d/core/post_processing/box3d_nms.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numba import numpy as np import torch diff --git a/mmdet3d/core/post_processing/merge_augs.py b/mmdet3d/core/post_processing/merge_augs.py index cf81c0b35b..e6bc8eb8a6 100644 --- a/mmdet3d/core/post_processing/merge_augs.py +++ b/mmdet3d/core/post_processing/merge_augs.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.ops.iou3d.iou3d_utils import nms_gpu, nms_normal_gpu diff --git a/mmdet3d/core/utils/__init__.py b/mmdet3d/core/utils/__init__.py index ad936667bd..69cbb69d8c 100644 --- a/mmdet3d/core/utils/__init__.py +++ b/mmdet3d/core/utils/__init__.py @@ -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'] diff --git a/mmdet3d/core/utils/gaussian.py b/mmdet3d/core/utils/gaussian.py index 28605f2601..a07963e151 100644 --- a/mmdet3d/core/utils/gaussian.py +++ b/mmdet3d/core/utils/gaussian.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/core/visualizer/__init__.py b/mmdet3d/core/visualizer/__init__.py index 6c95282edb..bbf1e60fc4 100644 --- a/mmdet3d/core/visualizer/__init__.py +++ b/mmdet3d/core/visualizer/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .show_result import (show_multi_modality_result, show_result, show_seg_result) diff --git a/mmdet3d/core/visualizer/image_vis.py b/mmdet3d/core/visualizer/image_vis.py index 94c415835e..891fb549c0 100644 --- a/mmdet3d/core/visualizer/image_vis.py +++ b/mmdet3d/core/visualizer/image_vis.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import cv2 import numpy as np diff --git a/mmdet3d/core/visualizer/open3d_vis.py b/mmdet3d/core/visualizer/open3d_vis.py index 3a2933c3cd..0790ee483a 100644 --- a/mmdet3d/core/visualizer/open3d_vis.py +++ b/mmdet3d/core/visualizer/open3d_vis.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import numpy as np import torch diff --git a/mmdet3d/core/visualizer/show_result.py b/mmdet3d/core/visualizer/show_result.py index 1792bfb0f6..64effce3de 100644 --- a/mmdet3d/core/visualizer/show_result.py +++ b/mmdet3d/core/visualizer/show_result.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import trimesh diff --git a/mmdet3d/core/voxel/__init__.py b/mmdet3d/core/voxel/__init__.py index 7324f2521a..8d69543711 100644 --- a/mmdet3d/core/voxel/__init__.py +++ b/mmdet3d/core/voxel/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .builder import build_voxel_generator from .voxel_generator import VoxelGenerator diff --git a/mmdet3d/core/voxel/builder.py b/mmdet3d/core/voxel/builder.py index ec5c9d8c2e..bc663ee4ac 100644 --- a/mmdet3d/core/voxel/builder.py +++ b/mmdet3d/core/voxel/builder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv from . import voxel_generator diff --git a/mmdet3d/core/voxel/voxel_generator.py b/mmdet3d/core/voxel/voxel_generator.py index 7a6a5fecc8..615b749558 100644 --- a/mmdet3d/core/voxel/voxel_generator.py +++ b/mmdet3d/core/voxel/voxel_generator.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numba import numpy as np diff --git a/mmdet3d/datasets/__init__.py b/mmdet3d/datasets/__init__.py index 2fcd650a1d..cb64c89d24 100644 --- a/mmdet3d/datasets/__init__.py +++ b/mmdet3d/datasets/__init__.py @@ -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 diff --git a/mmdet3d/datasets/builder.py b/mmdet3d/datasets/builder.py index 6263105aa7..00ebce0851 100644 --- a/mmdet3d/datasets/builder.py +++ b/mmdet3d/datasets/builder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import platform from mmcv.utils import Registry, build_from_cfg diff --git a/mmdet3d/datasets/custom_3d.py b/mmdet3d/datasets/custom_3d.py index 2d3f9feda2..3d17aeb7ca 100644 --- a/mmdet3d/datasets/custom_3d.py +++ b/mmdet3d/datasets/custom_3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import tempfile diff --git a/mmdet3d/datasets/custom_3d_seg.py b/mmdet3d/datasets/custom_3d_seg.py index afd1b45051..c07aa675a4 100644 --- a/mmdet3d/datasets/custom_3d_seg.py +++ b/mmdet3d/datasets/custom_3d_seg.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import tempfile diff --git a/mmdet3d/datasets/dataset_wrappers.py b/mmdet3d/datasets/dataset_wrappers.py index 14eba04f13..2ae33279ea 100644 --- a/mmdet3d/datasets/dataset_wrappers.py +++ b/mmdet3d/datasets/dataset_wrappers.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from .builder import DATASETS diff --git a/mmdet3d/datasets/kitti2d_dataset.py b/mmdet3d/datasets/kitti2d_dataset.py index 6fd887f3ab..9254bcd6b8 100644 --- a/mmdet3d/datasets/kitti2d_dataset.py +++ b/mmdet3d/datasets/kitti2d_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np diff --git a/mmdet3d/datasets/kitti_dataset.py b/mmdet3d/datasets/kitti_dataset.py index b6fd26a725..9b5a8b5a07 100644 --- a/mmdet3d/datasets/kitti_dataset.py +++ b/mmdet3d/datasets/kitti_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import mmcv import numpy as np diff --git a/mmdet3d/datasets/kitti_mono_dataset.py b/mmdet3d/datasets/kitti_mono_dataset.py index 5b9d31b12d..ba77690f5f 100644 --- a/mmdet3d/datasets/kitti_mono_dataset.py +++ b/mmdet3d/datasets/kitti_mono_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import mmcv import numpy as np diff --git a/mmdet3d/datasets/lyft_dataset.py b/mmdet3d/datasets/lyft_dataset.py index a6d55632c2..699c2bfe3a 100644 --- a/mmdet3d/datasets/lyft_dataset.py +++ b/mmdet3d/datasets/lyft_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import os diff --git a/mmdet3d/datasets/nuscenes_dataset.py b/mmdet3d/datasets/nuscenes_dataset.py index a7d4b06375..f924697377 100644 --- a/mmdet3d/datasets/nuscenes_dataset.py +++ b/mmdet3d/datasets/nuscenes_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import pyquaternion diff --git a/mmdet3d/datasets/nuscenes_mono_dataset.py b/mmdet3d/datasets/nuscenes_mono_dataset.py index f3f1b0b1aa..e361b4ae70 100644 --- a/mmdet3d/datasets/nuscenes_mono_dataset.py +++ b/mmdet3d/datasets/nuscenes_mono_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import mmcv import numpy as np diff --git a/mmdet3d/datasets/pipelines/__init__.py b/mmdet3d/datasets/pipelines/__init__.py index f70114a063..68da65a0bf 100644 --- a/mmdet3d/datasets/pipelines/__init__.py +++ b/mmdet3d/datasets/pipelines/__init__.py @@ -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 diff --git a/mmdet3d/datasets/pipelines/data_augment_utils.py b/mmdet3d/datasets/pipelines/data_augment_utils.py index e0bc7165a1..23b6aada74 100644 --- a/mmdet3d/datasets/pipelines/data_augment_utils.py +++ b/mmdet3d/datasets/pipelines/data_augment_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numba import numpy as np import warnings diff --git a/mmdet3d/datasets/pipelines/dbsampler.py b/mmdet3d/datasets/pipelines/dbsampler.py index b5ccbbeb58..8a2455532e 100644 --- a/mmdet3d/datasets/pipelines/dbsampler.py +++ b/mmdet3d/datasets/pipelines/dbsampler.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import mmcv import numpy as np diff --git a/mmdet3d/datasets/pipelines/formating.py b/mmdet3d/datasets/pipelines/formating.py index a36962cb84..c303de8338 100644 --- a/mmdet3d/datasets/pipelines/formating.py +++ b/mmdet3d/datasets/pipelines/formating.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from mmcv.parallel import DataContainer as DC diff --git a/mmdet3d/datasets/pipelines/loading.py b/mmdet3d/datasets/pipelines/loading.py index d78b30599f..58f5a86fa3 100644 --- a/mmdet3d/datasets/pipelines/loading.py +++ b/mmdet3d/datasets/pipelines/loading.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np diff --git a/mmdet3d/datasets/pipelines/test_time_aug.py b/mmdet3d/datasets/pipelines/test_time_aug.py index f0de62b284..790476c58b 100644 --- a/mmdet3d/datasets/pipelines/test_time_aug.py +++ b/mmdet3d/datasets/pipelines/test_time_aug.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import warnings from copy import deepcopy diff --git a/mmdet3d/datasets/pipelines/transforms_3d.py b/mmdet3d/datasets/pipelines/transforms_3d.py index 29d9f4c3c2..388b853fa5 100644 --- a/mmdet3d/datasets/pipelines/transforms_3d.py +++ b/mmdet3d/datasets/pipelines/transforms_3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import warnings from mmcv import is_tuple_of diff --git a/mmdet3d/datasets/s3dis_dataset.py b/mmdet3d/datasets/s3dis_dataset.py index 69ac95e798..0955fb7b92 100644 --- a/mmdet3d/datasets/s3dis_dataset.py +++ b/mmdet3d/datasets/s3dis_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from os import path as osp diff --git a/mmdet3d/datasets/scannet_dataset.py b/mmdet3d/datasets/scannet_dataset.py index 8a109d835e..7d15b0bacc 100644 --- a/mmdet3d/datasets/scannet_dataset.py +++ b/mmdet3d/datasets/scannet_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import tempfile import warnings diff --git a/mmdet3d/datasets/semantickitti_dataset.py b/mmdet3d/datasets/semantickitti_dataset.py index 446ff35f89..a87893f836 100644 --- a/mmdet3d/datasets/semantickitti_dataset.py +++ b/mmdet3d/datasets/semantickitti_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from os import path as osp from mmdet.datasets import DATASETS diff --git a/mmdet3d/datasets/sunrgbd_dataset.py b/mmdet3d/datasets/sunrgbd_dataset.py index ce1f0c0304..7a9a7d59c2 100644 --- a/mmdet3d/datasets/sunrgbd_dataset.py +++ b/mmdet3d/datasets/sunrgbd_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from collections import OrderedDict from os import path as osp diff --git a/mmdet3d/datasets/utils.py b/mmdet3d/datasets/utils.py index 893529dae9..b273fb1799 100644 --- a/mmdet3d/datasets/utils.py +++ b/mmdet3d/datasets/utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv # yapf: disable diff --git a/mmdet3d/datasets/waymo_dataset.py b/mmdet3d/datasets/waymo_dataset.py index 105f39c9ba..b42c67047f 100644 --- a/mmdet3d/datasets/waymo_dataset.py +++ b/mmdet3d/datasets/waymo_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import os diff --git a/mmdet3d/models/__init__.py b/mmdet3d/models/__init__.py index 50c453da70..e9a3925e3b 100644 --- a/mmdet3d/models/__init__.py +++ b/mmdet3d/models/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .backbones import * # noqa: F401,F403 from .builder import (FUSION_LAYERS, MIDDLE_ENCODERS, VOXEL_ENCODERS, build_backbone, build_detector, build_fusion_layer, diff --git a/mmdet3d/models/backbones/__init__.py b/mmdet3d/models/backbones/__init__.py index 469f879358..0251a10456 100644 --- a/mmdet3d/models/backbones/__init__.py +++ b/mmdet3d/models/backbones/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.backbones import SSDVGG, HRNet, ResNet, ResNetV1d, ResNeXt from .multi_backbone import MultiBackbone from .nostem_regnet import NoStemRegNet diff --git a/mmdet3d/models/backbones/base_pointnet.py b/mmdet3d/models/backbones/base_pointnet.py index 8ba5deecf0..fb7c05448b 100644 --- a/mmdet3d/models/backbones/base_pointnet.py +++ b/mmdet3d/models/backbones/base_pointnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import warnings from abc import ABCMeta from mmcv.runner import BaseModule diff --git a/mmdet3d/models/backbones/multi_backbone.py b/mmdet3d/models/backbones/multi_backbone.py index 33374e85e3..b1e1da5b18 100644 --- a/mmdet3d/models/backbones/multi_backbone.py +++ b/mmdet3d/models/backbones/multi_backbone.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import torch import warnings diff --git a/mmdet3d/models/backbones/nostem_regnet.py b/mmdet3d/models/backbones/nostem_regnet.py index 75b4a5176d..e4c34e2451 100644 --- a/mmdet3d/models/backbones/nostem_regnet.py +++ b/mmdet3d/models/backbones/nostem_regnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.backbones import RegNet from ..builder import BACKBONES diff --git a/mmdet3d/models/backbones/pointnet2_sa_msg.py b/mmdet3d/models/backbones/pointnet2_sa_msg.py index 8e1f083ab8..dcf3931aa9 100644 --- a/mmdet3d/models/backbones/pointnet2_sa_msg.py +++ b/mmdet3d/models/backbones/pointnet2_sa_msg.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule from mmcv.runner import auto_fp16 diff --git a/mmdet3d/models/backbones/pointnet2_sa_ssg.py b/mmdet3d/models/backbones/pointnet2_sa_ssg.py index fea5e3d403..2f3a0cc68a 100644 --- a/mmdet3d/models/backbones/pointnet2_sa_ssg.py +++ b/mmdet3d/models/backbones/pointnet2_sa_ssg.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import auto_fp16 from torch import nn as nn diff --git a/mmdet3d/models/backbones/second.py b/mmdet3d/models/backbones/second.py index 01e853248a..680398c5d9 100644 --- a/mmdet3d/models/backbones/second.py +++ b/mmdet3d/models/backbones/second.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import warnings from mmcv.cnn import build_conv_layer, build_norm_layer from mmcv.runner import BaseModule diff --git a/mmdet3d/models/builder.py b/mmdet3d/models/builder.py index af5839ae50..09d062420b 100644 --- a/mmdet3d/models/builder.py +++ b/mmdet3d/models/builder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import warnings from mmcv.cnn import MODELS as MMCV_MODELS from mmcv.utils import Registry diff --git a/mmdet3d/models/decode_heads/__init__.py b/mmdet3d/models/decode_heads/__init__.py index 0ecf553392..e17d91da0c 100644 --- a/mmdet3d/models/decode_heads/__init__.py +++ b/mmdet3d/models/decode_heads/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .paconv_head import PAConvHead from .pointnet2_head import PointNet2Head diff --git a/mmdet3d/models/decode_heads/decode_head.py b/mmdet3d/models/decode_heads/decode_head.py index f339f574c3..672340b668 100644 --- a/mmdet3d/models/decode_heads/decode_head.py +++ b/mmdet3d/models/decode_heads/decode_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from abc import ABCMeta, abstractmethod from mmcv.cnn import normal_init from mmcv.runner import BaseModule, auto_fp16, force_fp32 diff --git a/mmdet3d/models/decode_heads/paconv_head.py b/mmdet3d/models/decode_heads/paconv_head.py index cf24ba510a..6ace064264 100644 --- a/mmdet3d/models/decode_heads/paconv_head.py +++ b/mmdet3d/models/decode_heads/paconv_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn.bricks import ConvModule from mmdet.models import HEADS diff --git a/mmdet3d/models/decode_heads/pointnet2_head.py b/mmdet3d/models/decode_heads/pointnet2_head.py index 271b3d2c83..c7fe0d553d 100644 --- a/mmdet3d/models/decode_heads/pointnet2_head.py +++ b/mmdet3d/models/decode_heads/pointnet2_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn.bricks import ConvModule from torch import nn as nn diff --git a/mmdet3d/models/dense_heads/__init__.py b/mmdet3d/models/dense_heads/__init__.py index b814d02d9b..d2283786db 100644 --- a/mmdet3d/models/dense_heads/__init__.py +++ b/mmdet3d/models/dense_heads/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .anchor3d_head import Anchor3DHead from .anchor_free_mono3d_head import AnchorFreeMono3DHead from .base_conv_bbox_head import BaseConvBboxHead diff --git a/mmdet3d/models/dense_heads/anchor3d_head.py b/mmdet3d/models/dense_heads/anchor3d_head.py index 59c79129a2..7eefc2fc08 100644 --- a/mmdet3d/models/dense_heads/anchor3d_head.py +++ b/mmdet3d/models/dense_heads/anchor3d_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.runner import BaseModule, force_fp32 diff --git a/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py b/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py index 357e370381..dc9aa2cd80 100644 --- a/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py +++ b/mmdet3d/models/dense_heads/anchor_free_mono3d_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from abc import abstractmethod from mmcv.cnn import ConvModule, bias_init_with_prob, normal_init diff --git a/mmdet3d/models/dense_heads/base_conv_bbox_head.py b/mmdet3d/models/dense_heads/base_conv_bbox_head.py index 9958c93d32..dfd301d370 100644 --- a/mmdet3d/models/dense_heads/base_conv_bbox_head.py +++ b/mmdet3d/models/dense_heads/base_conv_bbox_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn import ConvModule from mmcv.cnn.bricks import build_conv_layer from mmcv.runner import BaseModule diff --git a/mmdet3d/models/dense_heads/base_mono3d_dense_head.py b/mmdet3d/models/dense_heads/base_mono3d_dense_head.py index 05815acad4..322c7cf92d 100644 --- a/mmdet3d/models/dense_heads/base_mono3d_dense_head.py +++ b/mmdet3d/models/dense_heads/base_mono3d_dense_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from abc import ABCMeta, abstractmethod from mmcv.runner import BaseModule diff --git a/mmdet3d/models/dense_heads/centerpoint_head.py b/mmdet3d/models/dense_heads/centerpoint_head.py index 98ab23a588..f48ec0064c 100644 --- a/mmdet3d/models/dense_heads/centerpoint_head.py +++ b/mmdet3d/models/dense_heads/centerpoint_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import numpy as np import torch diff --git a/mmdet3d/models/dense_heads/fcos_mono3d_head.py b/mmdet3d/models/dense_heads/fcos_mono3d_head.py index 36b15101d3..08e64d6a49 100644 --- a/mmdet3d/models/dense_heads/fcos_mono3d_head.py +++ b/mmdet3d/models/dense_heads/fcos_mono3d_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.cnn import Scale diff --git a/mmdet3d/models/dense_heads/free_anchor3d_head.py b/mmdet3d/models/dense_heads/free_anchor3d_head.py index 76cad122ba..0b8f543a53 100644 --- a/mmdet3d/models/dense_heads/free_anchor3d_head.py +++ b/mmdet3d/models/dense_heads/free_anchor3d_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 from torch.nn import functional as F diff --git a/mmdet3d/models/dense_heads/groupfree3d_head.py b/mmdet3d/models/dense_heads/groupfree3d_head.py index c006e696b5..454c5df4d2 100644 --- a/mmdet3d/models/dense_heads/groupfree3d_head.py +++ b/mmdet3d/models/dense_heads/groupfree3d_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import numpy as np import torch diff --git a/mmdet3d/models/dense_heads/parta2_rpn_head.py b/mmdet3d/models/dense_heads/parta2_rpn_head.py index 24492aec60..258004c57b 100644 --- a/mmdet3d/models/dense_heads/parta2_rpn_head.py +++ b/mmdet3d/models/dense_heads/parta2_rpn_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from __future__ import division import numpy as np diff --git a/mmdet3d/models/dense_heads/shape_aware_head.py b/mmdet3d/models/dense_heads/shape_aware_head.py index 082f46ab6c..9b7e5eedb6 100644 --- a/mmdet3d/models/dense_heads/shape_aware_head.py +++ b/mmdet3d/models/dense_heads/shape_aware_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch import warnings diff --git a/mmdet3d/models/dense_heads/ssd_3d_head.py b/mmdet3d/models/dense_heads/ssd_3d_head.py index aea2879391..9e936fb144 100644 --- a/mmdet3d/models/dense_heads/ssd_3d_head.py +++ b/mmdet3d/models/dense_heads/ssd_3d_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.ops.nms import batched_nms diff --git a/mmdet3d/models/dense_heads/train_mixins.py b/mmdet3d/models/dense_heads/train_mixins.py index f785a9dc06..c0bcf12869 100644 --- a/mmdet3d/models/dense_heads/train_mixins.py +++ b/mmdet3d/models/dense_heads/train_mixins.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/models/dense_heads/vote_head.py b/mmdet3d/models/dense_heads/vote_head.py index e03fe44413..32e4fba1ab 100644 --- a/mmdet3d/models/dense_heads/vote_head.py +++ b/mmdet3d/models/dense_heads/vote_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.runner import BaseModule, force_fp32 diff --git a/mmdet3d/models/detectors/__init__.py b/mmdet3d/models/detectors/__init__.py index b295c0aa06..a07454b6cc 100644 --- a/mmdet3d/models/detectors/__init__.py +++ b/mmdet3d/models/detectors/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .base import Base3DDetector from .centerpoint import CenterPoint from .dynamic_voxelnet import DynamicVoxelNet diff --git a/mmdet3d/models/detectors/base.py b/mmdet3d/models/detectors/base.py index b079d965f5..fd4b3882d0 100644 --- a/mmdet3d/models/detectors/base.py +++ b/mmdet3d/models/detectors/base.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import torch from mmcv.parallel import DataContainer as DC diff --git a/mmdet3d/models/detectors/centerpoint.py b/mmdet3d/models/detectors/centerpoint.py index a7f0796f27..640bb8b338 100644 --- a/mmdet3d/models/detectors/centerpoint.py +++ b/mmdet3d/models/detectors/centerpoint.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.core import bbox3d2result, merge_aug_bboxes_3d diff --git a/mmdet3d/models/detectors/dynamic_voxelnet.py b/mmdet3d/models/detectors/dynamic_voxelnet.py index c7defdff14..5e378e0385 100644 --- a/mmdet3d/models/detectors/dynamic_voxelnet.py +++ b/mmdet3d/models/detectors/dynamic_voxelnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 from torch.nn import functional as F diff --git a/mmdet3d/models/detectors/fcos_mono3d.py b/mmdet3d/models/detectors/fcos_mono3d.py index 89ddb6fe71..b1462a6c13 100644 --- a/mmdet3d/models/detectors/fcos_mono3d.py +++ b/mmdet3d/models/detectors/fcos_mono3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.builder import DETECTORS from .single_stage_mono3d import SingleStageMono3DDetector diff --git a/mmdet3d/models/detectors/groupfree3dnet.py b/mmdet3d/models/detectors/groupfree3dnet.py index e50aec5ecb..1260e868b0 100644 --- a/mmdet3d/models/detectors/groupfree3dnet.py +++ b/mmdet3d/models/detectors/groupfree3dnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.core import bbox3d2result, merge_aug_bboxes_3d diff --git a/mmdet3d/models/detectors/h3dnet.py b/mmdet3d/models/detectors/h3dnet.py index 36fcb3bc45..d7bf8e29a7 100644 --- a/mmdet3d/models/detectors/h3dnet.py +++ b/mmdet3d/models/detectors/h3dnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.core import merge_aug_bboxes_3d diff --git a/mmdet3d/models/detectors/imvotenet.py b/mmdet3d/models/detectors/imvotenet.py index 571e199739..02ab2cd1c3 100644 --- a/mmdet3d/models/detectors/imvotenet.py +++ b/mmdet3d/models/detectors/imvotenet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch import warnings diff --git a/mmdet3d/models/detectors/imvoxelnet.py b/mmdet3d/models/detectors/imvoxelnet.py index 2b70be7a54..fd5bb7c3f9 100644 --- a/mmdet3d/models/detectors/imvoxelnet.py +++ b/mmdet3d/models/detectors/imvoxelnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.core import bbox3d2result, build_anchor_generator diff --git a/mmdet3d/models/detectors/mvx_faster_rcnn.py b/mmdet3d/models/detectors/mvx_faster_rcnn.py index 40d6ade489..1e6f9a1a7e 100644 --- a/mmdet3d/models/detectors/mvx_faster_rcnn.py +++ b/mmdet3d/models/detectors/mvx_faster_rcnn.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 from torch.nn import functional as F diff --git a/mmdet3d/models/detectors/mvx_two_stage.py b/mmdet3d/models/detectors/mvx_two_stage.py index fae6d673a5..aef8d25e70 100644 --- a/mmdet3d/models/detectors/mvx_two_stage.py +++ b/mmdet3d/models/detectors/mvx_two_stage.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import torch import warnings diff --git a/mmdet3d/models/detectors/parta2.py b/mmdet3d/models/detectors/parta2.py index 8c907d2653..d39798b289 100644 --- a/mmdet3d/models/detectors/parta2.py +++ b/mmdet3d/models/detectors/parta2.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.nn import functional as F diff --git a/mmdet3d/models/detectors/single_stage.py b/mmdet3d/models/detectors/single_stage.py index 3d78ed5115..a6c3d6baef 100644 --- a/mmdet3d/models/detectors/single_stage.py +++ b/mmdet3d/models/detectors/single_stage.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models import DETECTORS, build_backbone, build_head, build_neck from .base import Base3DDetector diff --git a/mmdet3d/models/detectors/single_stage_mono3d.py b/mmdet3d/models/detectors/single_stage_mono3d.py index 6217bbe3c8..5fef243813 100644 --- a/mmdet3d/models/detectors/single_stage_mono3d.py +++ b/mmdet3d/models/detectors/single_stage_mono3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import torch diff --git a/mmdet3d/models/detectors/ssd3dnet.py b/mmdet3d/models/detectors/ssd3dnet.py index 93d42d41e9..ef5191d9a5 100644 --- a/mmdet3d/models/detectors/ssd3dnet.py +++ b/mmdet3d/models/detectors/ssd3dnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models import DETECTORS from .votenet import VoteNet diff --git a/mmdet3d/models/detectors/two_stage.py b/mmdet3d/models/detectors/two_stage.py index fe8760d0e9..f5e14540ad 100644 --- a/mmdet3d/models/detectors/two_stage.py +++ b/mmdet3d/models/detectors/two_stage.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models import DETECTORS, TwoStageDetector from .base import Base3DDetector diff --git a/mmdet3d/models/detectors/votenet.py b/mmdet3d/models/detectors/votenet.py index 7b3af721cc..c92ff9c942 100644 --- a/mmdet3d/models/detectors/votenet.py +++ b/mmdet3d/models/detectors/votenet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.core import bbox3d2result, merge_aug_bboxes_3d diff --git a/mmdet3d/models/detectors/voxelnet.py b/mmdet3d/models/detectors/voxelnet.py index a556df7cd9..86c3239d3c 100644 --- a/mmdet3d/models/detectors/voxelnet.py +++ b/mmdet3d/models/detectors/voxelnet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 from torch.nn import functional as F diff --git a/mmdet3d/models/fusion_layers/__init__.py b/mmdet3d/models/fusion_layers/__init__.py index 2ea683efa5..6df4741d78 100644 --- a/mmdet3d/models/fusion_layers/__init__.py +++ b/mmdet3d/models/fusion_layers/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .coord_transform import (apply_3d_transformation, bbox_2d_transform, coord_2d_transform) from .point_fusion import PointFusion diff --git a/mmdet3d/models/fusion_layers/coord_transform.py b/mmdet3d/models/fusion_layers/coord_transform.py index b1805f6b53..63e06599a4 100644 --- a/mmdet3d/models/fusion_layers/coord_transform.py +++ b/mmdet3d/models/fusion_layers/coord_transform.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from functools import partial diff --git a/mmdet3d/models/fusion_layers/point_fusion.py b/mmdet3d/models/fusion_layers/point_fusion.py index 0739b6585d..c96af15c86 100644 --- a/mmdet3d/models/fusion_layers/point_fusion.py +++ b/mmdet3d/models/fusion_layers/point_fusion.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule from mmcv.runner import BaseModule diff --git a/mmdet3d/models/fusion_layers/vote_fusion.py b/mmdet3d/models/fusion_layers/vote_fusion.py index ad65fdb7a9..3633e4d205 100644 --- a/mmdet3d/models/fusion_layers/vote_fusion.py +++ b/mmdet3d/models/fusion_layers/vote_fusion.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/mmdet3d/models/losses/__init__.py b/mmdet3d/models/losses/__init__.py index d14a0ca7df..7d4703aef9 100644 --- a/mmdet3d/models/losses/__init__.py +++ b/mmdet3d/models/losses/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.losses import FocalLoss, SmoothL1Loss, binary_cross_entropy from .axis_aligned_iou_loss import AxisAlignedIoULoss, axis_aligned_iou_loss from .chamfer_distance import ChamferDistance, chamfer_distance diff --git a/mmdet3d/models/losses/axis_aligned_iou_loss.py b/mmdet3d/models/losses/axis_aligned_iou_loss.py index d72d67230b..d0953321dd 100644 --- a/mmdet3d/models/losses/axis_aligned_iou_loss.py +++ b/mmdet3d/models/losses/axis_aligned_iou_loss.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/mmdet3d/models/losses/chamfer_distance.py b/mmdet3d/models/losses/chamfer_distance.py index 2120a34c83..a9d4b80247 100644 --- a/mmdet3d/models/losses/chamfer_distance.py +++ b/mmdet3d/models/losses/chamfer_distance.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn from torch.nn.functional import l1_loss, mse_loss, smooth_l1_loss diff --git a/mmdet3d/models/losses/paconv_regularization_loss.py b/mmdet3d/models/losses/paconv_regularization_loss.py index f2e3f2650f..cac96395e9 100644 --- a/mmdet3d/models/losses/paconv_regularization_loss.py +++ b/mmdet3d/models/losses/paconv_regularization_loss.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/mmdet3d/models/middle_encoders/__init__.py b/mmdet3d/models/middle_encoders/__init__.py index 93e53158d5..b3a7bdee97 100644 --- a/mmdet3d/models/middle_encoders/__init__.py +++ b/mmdet3d/models/middle_encoders/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .pillar_scatter import PointPillarsScatter from .sparse_encoder import SparseEncoder from .sparse_unet import SparseUNet diff --git a/mmdet3d/models/middle_encoders/pillar_scatter.py b/mmdet3d/models/middle_encoders/pillar_scatter.py index 3faff25901..9b8b727cb4 100644 --- a/mmdet3d/models/middle_encoders/pillar_scatter.py +++ b/mmdet3d/models/middle_encoders/pillar_scatter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import auto_fp16 from torch import nn diff --git a/mmdet3d/models/middle_encoders/sparse_encoder.py b/mmdet3d/models/middle_encoders/sparse_encoder.py index 0fbe48cdfc..1a03e9b5c9 100644 --- a/mmdet3d/models/middle_encoders/sparse_encoder.py +++ b/mmdet3d/models/middle_encoders/sparse_encoder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.runner import auto_fp16 from torch import nn as nn diff --git a/mmdet3d/models/middle_encoders/sparse_unet.py b/mmdet3d/models/middle_encoders/sparse_unet.py index 34e1b2b6d5..d81fc50d02 100644 --- a/mmdet3d/models/middle_encoders/sparse_unet.py +++ b/mmdet3d/models/middle_encoders/sparse_unet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import BaseModule, auto_fp16 diff --git a/mmdet3d/models/model_utils/__init__.py b/mmdet3d/models/model_utils/__init__.py index 87f73d27a9..83d4c4a8f6 100644 --- a/mmdet3d/models/model_utils/__init__.py +++ b/mmdet3d/models/model_utils/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .transformer import GroupFree3DMHA from .vote_module import VoteModule diff --git a/mmdet3d/models/model_utils/transformer.py b/mmdet3d/models/model_utils/transformer.py index 2db8a2859d..4a1af93dd8 100644 --- a/mmdet3d/models/model_utils/transformer.py +++ b/mmdet3d/models/model_utils/transformer.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn.bricks.registry import ATTENTION from mmcv.cnn.bricks.transformer import POSITIONAL_ENCODING, MultiheadAttention from torch import nn as nn diff --git a/mmdet3d/models/model_utils/vote_module.py b/mmdet3d/models/model_utils/vote_module.py index 8862cd7270..75ca537ccb 100644 --- a/mmdet3d/models/model_utils/vote_module.py +++ b/mmdet3d/models/model_utils/vote_module.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv import is_tuple_of from mmcv.cnn import ConvModule diff --git a/mmdet3d/models/necks/__init__.py b/mmdet3d/models/necks/__init__.py index 583b2521ca..9752a8b490 100644 --- a/mmdet3d/models/necks/__init__.py +++ b/mmdet3d/models/necks/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.necks.fpn import FPN from .imvoxel_neck import OutdoorImVoxelNeck from .second_fpn import SECONDFPN diff --git a/mmdet3d/models/necks/imvoxel_neck.py b/mmdet3d/models/necks/imvoxel_neck.py index 50be9cebca..de6799e02c 100644 --- a/mmdet3d/models/necks/imvoxel_neck.py +++ b/mmdet3d/models/necks/imvoxel_neck.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn import ConvModule from torch import nn diff --git a/mmdet3d/models/necks/second_fpn.py b/mmdet3d/models/necks/second_fpn.py index d3f30e2a06..c5253617f8 100644 --- a/mmdet3d/models/necks/second_fpn.py +++ b/mmdet3d/models/necks/second_fpn.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.cnn import build_conv_layer, build_norm_layer, build_upsample_layer diff --git a/mmdet3d/models/roi_heads/__init__.py b/mmdet3d/models/roi_heads/__init__.py index c93a3e3481..509c9ccb61 100644 --- a/mmdet3d/models/roi_heads/__init__.py +++ b/mmdet3d/models/roi_heads/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .base_3droi_head import Base3DRoIHead from .bbox_heads import PartA2BboxHead from .h3d_roi_head import H3DRoIHead diff --git a/mmdet3d/models/roi_heads/base_3droi_head.py b/mmdet3d/models/roi_heads/base_3droi_head.py index 3ab0645cce..b19b5a96b2 100644 --- a/mmdet3d/models/roi_heads/base_3droi_head.py +++ b/mmdet3d/models/roi_heads/base_3droi_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from abc import ABCMeta, abstractmethod from mmcv.runner import BaseModule diff --git a/mmdet3d/models/roi_heads/bbox_heads/__init__.py b/mmdet3d/models/roi_heads/bbox_heads/__init__.py index 1005cf614c..6294f52f4c 100644 --- a/mmdet3d/models/roi_heads/bbox_heads/__init__.py +++ b/mmdet3d/models/roi_heads/bbox_heads/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.roi_heads.bbox_heads import (BBoxHead, ConvFCBBoxHead, DoubleConvFCBBoxHead, Shared2FCBBoxHead, diff --git a/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py b/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py index fc4bfc3b01..5126aa598b 100644 --- a/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py +++ b/mmdet3d/models/roi_heads/bbox_heads/h3d_bbox_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule from mmcv.runner import BaseModule diff --git a/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py b/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py index 79d9cce95c..bc2c9ea8c4 100644 --- a/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py +++ b/mmdet3d/models/roi_heads/bbox_heads/parta2_bbox_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.cnn import ConvModule, normal_init diff --git a/mmdet3d/models/roi_heads/h3d_roi_head.py b/mmdet3d/models/roi_heads/h3d_roi_head.py index 4792083857..ba5ef1e7b0 100644 --- a/mmdet3d/models/roi_heads/h3d_roi_head.py +++ b/mmdet3d/models/roi_heads/h3d_roi_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet3d.core.bbox import bbox3d2result from mmdet.models import HEADS from ..builder import build_head diff --git a/mmdet3d/models/roi_heads/mask_heads/__init__.py b/mmdet3d/models/roi_heads/mask_heads/__init__.py index ecc8a118a5..0aa11569ae 100644 --- a/mmdet3d/models/roi_heads/mask_heads/__init__.py +++ b/mmdet3d/models/roi_heads/mask_heads/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .pointwise_semantic_head import PointwiseSemanticHead from .primitive_head import PrimitiveHead diff --git a/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py b/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py index 6f7d114bde..e3b4e453e0 100644 --- a/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py +++ b/mmdet3d/models/roi_heads/mask_heads/pointwise_semantic_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import BaseModule from torch import nn as nn diff --git a/mmdet3d/models/roi_heads/mask_heads/primitive_head.py b/mmdet3d/models/roi_heads/mask_heads/primitive_head.py index 147219a28d..a62a1b55a5 100644 --- a/mmdet3d/models/roi_heads/mask_heads/primitive_head.py +++ b/mmdet3d/models/roi_heads/mask_heads/primitive_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule from mmcv.runner import BaseModule diff --git a/mmdet3d/models/roi_heads/part_aggregation_roi_head.py b/mmdet3d/models/roi_heads/part_aggregation_roi_head.py index 2cc3e33687..7b6e2f656d 100644 --- a/mmdet3d/models/roi_heads/part_aggregation_roi_head.py +++ b/mmdet3d/models/roi_heads/part_aggregation_roi_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import warnings from torch.nn import functional as F diff --git a/mmdet3d/models/roi_heads/roi_extractors/__init__.py b/mmdet3d/models/roi_heads/roi_extractors/__init__.py index dc504d220d..da0be4f7d2 100644 --- a/mmdet3d/models/roi_heads/roi_extractors/__init__.py +++ b/mmdet3d/models/roi_heads/roi_extractors/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmdet.models.roi_heads.roi_extractors import SingleRoIExtractor from .single_roiaware_extractor import Single3DRoIAwareExtractor diff --git a/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py b/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py index a859e8b30f..caa5a5bb94 100644 --- a/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py +++ b/mmdet3d/models/roi_heads/roi_extractors/single_roiaware_extractor.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import BaseModule diff --git a/mmdet3d/models/segmentors/__init__.py b/mmdet3d/models/segmentors/__init__.py index e424e03bbb..29fbc33e6a 100644 --- a/mmdet3d/models/segmentors/__init__.py +++ b/mmdet3d/models/segmentors/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .base import Base3DSegmentor from .encoder_decoder import EncoderDecoder3D diff --git a/mmdet3d/models/segmentors/base.py b/mmdet3d/models/segmentors/base.py index d4fc8917ff..50b56bbc6b 100644 --- a/mmdet3d/models/segmentors/base.py +++ b/mmdet3d/models/segmentors/base.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import torch diff --git a/mmdet3d/models/segmentors/encoder_decoder.py b/mmdet3d/models/segmentors/encoder_decoder.py index 353c461861..e64dfc3930 100644 --- a/mmdet3d/models/segmentors/encoder_decoder.py +++ b/mmdet3d/models/segmentors/encoder_decoder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from torch import nn as nn diff --git a/mmdet3d/models/utils/__init__.py b/mmdet3d/models/utils/__init__.py index 94aa1923e1..d0639301d0 100644 --- a/mmdet3d/models/utils/__init__.py +++ b/mmdet3d/models/utils/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .clip_sigmoid import clip_sigmoid from .mlp import MLP diff --git a/mmdet3d/models/utils/clip_sigmoid.py b/mmdet3d/models/utils/clip_sigmoid.py index 5182de1139..3936d7de29 100644 --- a/mmdet3d/models/utils/clip_sigmoid.py +++ b/mmdet3d/models/utils/clip_sigmoid.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/mmdet3d/models/utils/mlp.py b/mmdet3d/models/utils/mlp.py index ca3bf1b67f..55ea3885e4 100644 --- a/mmdet3d/models/utils/mlp.py +++ b/mmdet3d/models/utils/mlp.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn import ConvModule from mmcv.runner import BaseModule from torch import nn as nn diff --git a/mmdet3d/models/voxel_encoders/__init__.py b/mmdet3d/models/voxel_encoders/__init__.py index 5eb4bde4e1..d6cc629b5e 100644 --- a/mmdet3d/models/voxel_encoders/__init__.py +++ b/mmdet3d/models/voxel_encoders/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .pillar_encoder import PillarFeatureNet from .voxel_encoder import DynamicSimpleVFE, DynamicVFE, HardSimpleVFE, HardVFE diff --git a/mmdet3d/models/voxel_encoders/pillar_encoder.py b/mmdet3d/models/voxel_encoders/pillar_encoder.py index d9666ae313..109a208757 100644 --- a/mmdet3d/models/voxel_encoders/pillar_encoder.py +++ b/mmdet3d/models/voxel_encoders/pillar_encoder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import build_norm_layer from mmcv.runner import force_fp32 diff --git a/mmdet3d/models/voxel_encoders/utils.py b/mmdet3d/models/voxel_encoders/utils.py index 68f8fdd79d..5055b06196 100644 --- a/mmdet3d/models/voxel_encoders/utils.py +++ b/mmdet3d/models/voxel_encoders/utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import build_norm_layer from mmcv.runner import auto_fp16 diff --git a/mmdet3d/models/voxel_encoders/voxel_encoder.py b/mmdet3d/models/voxel_encoders/voxel_encoder.py index f540d3981b..fcc1283e09 100644 --- a/mmdet3d/models/voxel_encoders/voxel_encoder.py +++ b/mmdet3d/models/voxel_encoders/voxel_encoder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import build_norm_layer from mmcv.runner import force_fp32 diff --git a/mmdet3d/ops/__init__.py b/mmdet3d/ops/__init__.py index 4ffe650014..bf9988abe8 100644 --- a/mmdet3d/ops/__init__.py +++ b/mmdet3d/ops/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.ops import (RoIAlign, SigmoidFocalLoss, get_compiler_version, get_compiling_cuda_version, nms, roi_align, sigmoid_focal_loss) diff --git a/mmdet3d/ops/ball_query/__init__.py b/mmdet3d/ops/ball_query/__init__.py index 5e7937cad9..2e4704259b 100644 --- a/mmdet3d/ops/ball_query/__init__.py +++ b/mmdet3d/ops/ball_query/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .ball_query import ball_query __all__ = ['ball_query'] diff --git a/mmdet3d/ops/ball_query/ball_query.py b/mmdet3d/ops/ball_query/ball_query.py index bae81ad29c..3d6ffeddd0 100644 --- a/mmdet3d/ops/ball_query/ball_query.py +++ b/mmdet3d/ops/ball_query/ball_query.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/furthest_point_sample/__init__.py b/mmdet3d/ops/furthest_point_sample/__init__.py index 06d57d974f..556af8a3ec 100644 --- a/mmdet3d/ops/furthest_point_sample/__init__.py +++ b/mmdet3d/ops/furthest_point_sample/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .furthest_point_sample import (furthest_point_sample, furthest_point_sample_with_dist) from .points_sampler import Points_Sampler diff --git a/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py b/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py index af53317810..cdf293bfb5 100644 --- a/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py +++ b/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/furthest_point_sample/points_sampler.py b/mmdet3d/ops/furthest_point_sample/points_sampler.py index 9a3bd2ae42..f761cbcbf9 100644 --- a/mmdet3d/ops/furthest_point_sample/points_sampler.py +++ b/mmdet3d/ops/furthest_point_sample/points_sampler.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 from torch import nn as nn diff --git a/mmdet3d/ops/furthest_point_sample/utils.py b/mmdet3d/ops/furthest_point_sample/utils.py index 4ca235e13b..c6709e6a0d 100644 --- a/mmdet3d/ops/furthest_point_sample/utils.py +++ b/mmdet3d/ops/furthest_point_sample/utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/mmdet3d/ops/gather_points/__init__.py b/mmdet3d/ops/gather_points/__init__.py index e8018ea879..51476dd72e 100644 --- a/mmdet3d/ops/gather_points/__init__.py +++ b/mmdet3d/ops/gather_points/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .gather_points import gather_points __all__ = ['gather_points'] diff --git a/mmdet3d/ops/gather_points/gather_points.py b/mmdet3d/ops/gather_points/gather_points.py index 8f109a0cbd..f1051a73bd 100644 --- a/mmdet3d/ops/gather_points/gather_points.py +++ b/mmdet3d/ops/gather_points/gather_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/group_points/__init__.py b/mmdet3d/ops/group_points/__init__.py index 7d8040a460..a8bfefe831 100644 --- a/mmdet3d/ops/group_points/__init__.py +++ b/mmdet3d/ops/group_points/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .group_points import GroupAll, QueryAndGroup, grouping_operation __all__ = ['QueryAndGroup', 'GroupAll', 'grouping_operation'] diff --git a/mmdet3d/ops/group_points/group_points.py b/mmdet3d/ops/group_points/group_points.py index 88122a88d5..1ced225dce 100644 --- a/mmdet3d/ops/group_points/group_points.py +++ b/mmdet3d/ops/group_points/group_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn from torch.autograd import Function diff --git a/mmdet3d/ops/interpolate/__init__.py b/mmdet3d/ops/interpolate/__init__.py index cf44d98390..7aded93c3d 100644 --- a/mmdet3d/ops/interpolate/__init__.py +++ b/mmdet3d/ops/interpolate/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .three_interpolate import three_interpolate from .three_nn import three_nn diff --git a/mmdet3d/ops/interpolate/three_interpolate.py b/mmdet3d/ops/interpolate/three_interpolate.py index 233cb5d75b..8fd8b3c685 100644 --- a/mmdet3d/ops/interpolate/three_interpolate.py +++ b/mmdet3d/ops/interpolate/three_interpolate.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function from typing import Tuple diff --git a/mmdet3d/ops/interpolate/three_nn.py b/mmdet3d/ops/interpolate/three_nn.py index 6c174bd7b9..d9b9fad8f3 100644 --- a/mmdet3d/ops/interpolate/three_nn.py +++ b/mmdet3d/ops/interpolate/three_nn.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function from typing import Tuple diff --git a/mmdet3d/ops/iou3d/__init__.py b/mmdet3d/ops/iou3d/__init__.py index 9c35fb7af3..dd584e75dc 100644 --- a/mmdet3d/ops/iou3d/__init__.py +++ b/mmdet3d/ops/iou3d/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .iou3d_utils import boxes_iou_bev, nms_gpu, nms_normal_gpu __all__ = ['boxes_iou_bev', 'nms_gpu', 'nms_normal_gpu'] diff --git a/mmdet3d/ops/iou3d/iou3d_utils.py b/mmdet3d/ops/iou3d/iou3d_utils.py index 6f36019e72..2b9b41f184 100644 --- a/mmdet3d/ops/iou3d/iou3d_utils.py +++ b/mmdet3d/ops/iou3d/iou3d_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from . import iou3d_cuda diff --git a/mmdet3d/ops/knn/__init__.py b/mmdet3d/ops/knn/__init__.py index c8cb712b09..d756a84d6f 100644 --- a/mmdet3d/ops/knn/__init__.py +++ b/mmdet3d/ops/knn/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .knn import knn __all__ = ['knn'] diff --git a/mmdet3d/ops/knn/knn.py b/mmdet3d/ops/knn/knn.py index f05bc75f88..33dee83626 100644 --- a/mmdet3d/ops/knn/knn.py +++ b/mmdet3d/ops/knn/knn.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/norm.py b/mmdet3d/ops/norm.py index e9db8fb579..daaf0d5092 100644 --- a/mmdet3d/ops/norm.py +++ b/mmdet3d/ops/norm.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import NORM_LAYERS from mmcv.runner import force_fp32 diff --git a/mmdet3d/ops/paconv/__init__.py b/mmdet3d/ops/paconv/__init__.py index ab19d7c20f..f723c14378 100644 --- a/mmdet3d/ops/paconv/__init__.py +++ b/mmdet3d/ops/paconv/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .assign_score import assign_score_withk from .paconv import PAConv, PAConvCUDA diff --git a/mmdet3d/ops/paconv/assign_score.py b/mmdet3d/ops/paconv/assign_score.py index 3e3f6730da..9d00b7b6cf 100644 --- a/mmdet3d/ops/paconv/assign_score.py +++ b/mmdet3d/ops/paconv/assign_score.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from torch.autograd import Function from . import assign_score_withk_ext diff --git a/mmdet3d/ops/paconv/paconv.py b/mmdet3d/ops/paconv/paconv.py index 3e401a49b8..229a6093d5 100644 --- a/mmdet3d/ops/paconv/paconv.py +++ b/mmdet3d/ops/paconv/paconv.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import torch from mmcv.cnn import (ConvModule, build_activation_layer, build_norm_layer, diff --git a/mmdet3d/ops/paconv/utils.py b/mmdet3d/ops/paconv/utils.py index 4441c86e20..772b64d52d 100644 --- a/mmdet3d/ops/paconv/utils.py +++ b/mmdet3d/ops/paconv/utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/mmdet3d/ops/pointnet_modules/__init__.py b/mmdet3d/ops/pointnet_modules/__init__.py index 7b803ea0c8..99b08eb889 100644 --- a/mmdet3d/ops/pointnet_modules/__init__.py +++ b/mmdet3d/ops/pointnet_modules/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .builder import build_sa_module from .paconv_sa_module import (PAConvCUDASAModule, PAConvCUDASAModuleMSG, PAConvSAModule, PAConvSAModuleMSG) diff --git a/mmdet3d/ops/pointnet_modules/builder.py b/mmdet3d/ops/pointnet_modules/builder.py index e27ef0da36..6631cb4248 100644 --- a/mmdet3d/ops/pointnet_modules/builder.py +++ b/mmdet3d/ops/pointnet_modules/builder.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.utils import Registry SA_MODULES = Registry('point_sa_module') diff --git a/mmdet3d/ops/pointnet_modules/paconv_sa_module.py b/mmdet3d/ops/pointnet_modules/paconv_sa_module.py index 4d5ac218f0..e2deb7ef65 100644 --- a/mmdet3d/ops/pointnet_modules/paconv_sa_module.py +++ b/mmdet3d/ops/pointnet_modules/paconv_sa_module.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn diff --git a/mmdet3d/ops/pointnet_modules/point_fp_module.py b/mmdet3d/ops/pointnet_modules/point_fp_module.py index 212705baf7..6f4ba8eac0 100644 --- a/mmdet3d/ops/pointnet_modules/point_fp_module.py +++ b/mmdet3d/ops/pointnet_modules/point_fp_module.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule from mmcv.runner import BaseModule, force_fp32 diff --git a/mmdet3d/ops/pointnet_modules/point_sa_module.py b/mmdet3d/ops/pointnet_modules/point_sa_module.py index 000ecb4fd4..687af4daa2 100644 --- a/mmdet3d/ops/pointnet_modules/point_sa_module.py +++ b/mmdet3d/ops/pointnet_modules/point_sa_module.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import ConvModule from torch import nn as nn diff --git a/mmdet3d/ops/roiaware_pool3d/__init__.py b/mmdet3d/ops/roiaware_pool3d/__init__.py index aba9e18d37..eb7600a167 100644 --- a/mmdet3d/ops/roiaware_pool3d/__init__.py +++ b/mmdet3d/ops/roiaware_pool3d/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .points_in_boxes import (points_in_boxes_batch, points_in_boxes_cpu, points_in_boxes_gpu) from .roiaware_pool3d import RoIAwarePool3d diff --git a/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py b/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py index f576fedcc5..06e8bdd676 100644 --- a/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py +++ b/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from . import roiaware_pool3d_ext diff --git a/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py b/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py index 231d718068..32c00fcac7 100644 --- a/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py +++ b/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import torch from torch import nn as nn diff --git a/mmdet3d/ops/sparse_block.py b/mmdet3d/ops/sparse_block.py index 37c65989b3..52e343a18e 100644 --- a/mmdet3d/ops/sparse_block.py +++ b/mmdet3d/ops/sparse_block.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.cnn import build_conv_layer, build_norm_layer from torch import nn diff --git a/mmdet3d/ops/spconv/structure.py b/mmdet3d/ops/spconv/structure.py index 6e59af28ee..d6e1d97c32 100644 --- a/mmdet3d/ops/spconv/structure.py +++ b/mmdet3d/ops/spconv/structure.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/ops/voxel/__init__.py b/mmdet3d/ops/voxel/__init__.py index a74fb63f9f..4c35315fbd 100644 --- a/mmdet3d/ops/voxel/__init__.py +++ b/mmdet3d/ops/voxel/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from .scatter_points import DynamicScatter, dynamic_scatter from .voxelize import Voxelization, voxelization diff --git a/mmdet3d/ops/voxel/scatter_points.py b/mmdet3d/ops/voxel/scatter_points.py index faf44ad2fb..ff14ca2cfd 100644 --- a/mmdet3d/ops/voxel/scatter_points.py +++ b/mmdet3d/ops/voxel/scatter_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn from torch.autograd import Function diff --git a/mmdet3d/utils/__init__.py b/mmdet3d/utils/__init__.py index bed830a93a..e9958abbee 100644 --- a/mmdet3d/utils/__init__.py +++ b/mmdet3d/utils/__init__.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.utils import Registry, build_from_cfg, print_log from .collect_env import collect_env diff --git a/mmdet3d/utils/collect_env.py b/mmdet3d/utils/collect_env.py index 25c4f00705..ccd96b10d0 100644 --- a/mmdet3d/utils/collect_env.py +++ b/mmdet3d/utils/collect_env.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from mmcv.utils import collect_env as collect_base_env from mmcv.utils import get_git_hash diff --git a/mmdet3d/utils/logger.py b/mmdet3d/utils/logger.py index ee10ee55ad..d9f08918c9 100644 --- a/mmdet3d/utils/logger.py +++ b/mmdet3d/utils/logger.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import logging from mmcv.utils import get_logger diff --git a/tests/test_data/test_datasets/test_dataset_wrappers.py b/tests/test_data/test_datasets/test_dataset_wrappers.py index aa87f0bda1..bcf183f41d 100644 --- a/tests/test_data/test_datasets/test_dataset_wrappers.py +++ b/tests/test_data/test_datasets/test_dataset_wrappers.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/tests/test_data/test_datasets/test_kitti_dataset.py b/tests/test_data/test_datasets/test_kitti_dataset.py index 2501ac66fb..6c3c9d7310 100644 --- a/tests/test_data/test_datasets/test_kitti_dataset.py +++ b/tests/test_data/test_datasets/test_kitti_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import os import pytest diff --git a/tests/test_data/test_datasets/test_kitti_mono_dataset.py b/tests/test_data/test_datasets/test_kitti_mono_dataset.py index 23ab8dd62c..2884809697 100644 --- a/tests/test_data/test_datasets/test_kitti_mono_dataset.py +++ b/tests/test_data/test_datasets/test_kitti_mono_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import pytest diff --git a/tests/test_data/test_datasets/test_lyft_dataset.py b/tests/test_data/test_datasets/test_lyft_dataset.py index 6dc0249301..a226e50fc8 100644 --- a/tests/test_data/test_datasets/test_lyft_dataset.py +++ b/tests/test_data/test_datasets/test_lyft_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import tempfile diff --git a/tests/test_data/test_datasets/test_nuscene_dataset.py b/tests/test_data/test_datasets/test_nuscene_dataset.py index ccb6cf0ccb..e2e8b55fd9 100644 --- a/tests/test_data/test_datasets/test_nuscene_dataset.py +++ b/tests/test_data/test_datasets/test_nuscene_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import tempfile import torch diff --git a/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py b/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py index e0843c9176..f88775d2ef 100644 --- a/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py +++ b/tests/test_data/test_datasets/test_nuscenes_mono_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import pytest diff --git a/tests/test_data/test_datasets/test_s3dis_dataset.py b/tests/test_data/test_datasets/test_s3dis_dataset.py index dd037d25c0..6d254bf473 100644 --- a/tests/test_data/test_datasets/test_s3dis_dataset.py +++ b/tests/test_data/test_datasets/test_s3dis_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_data/test_datasets/test_scannet_dataset.py b/tests/test_data/test_datasets/test_scannet_dataset.py index f098d2d983..e66f2b0020 100644 --- a/tests/test_data/test_datasets/test_scannet_dataset.py +++ b/tests/test_data/test_datasets/test_scannet_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import numpy as np import pytest diff --git a/tests/test_data/test_datasets/test_semantickitti_dataset.py b/tests/test_data/test_datasets/test_semantickitti_dataset.py index a6e31e63d9..908363a02c 100644 --- a/tests/test_data/test_datasets/test_semantickitti_dataset.py +++ b/tests/test_data/test_datasets/test_semantickitti_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from mmdet3d.datasets import SemanticKITTIDataset diff --git a/tests/test_data/test_datasets/test_sunrgbd_dataset.py b/tests/test_data/test_datasets/test_sunrgbd_dataset.py index 3905639752..e63d71f2cd 100644 --- a/tests/test_data/test_datasets/test_sunrgbd_dataset.py +++ b/tests/test_data/test_datasets/test_sunrgbd_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_data/test_datasets/test_waymo_dataset.py b/tests/test_data/test_datasets/test_waymo_dataset.py index c76f8dc0c1..225e169a3f 100644 --- a/tests/test_data/test_datasets/test_waymo_dataset.py +++ b/tests/test_data/test_datasets/test_waymo_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import tempfile diff --git a/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py b/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py index 843861f0d8..60dca9e1d9 100644 --- a/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py +++ b/tests/test_data/test_pipelines/test_augmentations/test_data_augment_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np diff --git a/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py b/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py index 946c52998c..4e621d3b20 100644 --- a/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py +++ b/tests/test_data/test_pipelines/test_augmentations/test_test_augment_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py b/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py index 94b92488e2..fffb6fe1b4 100644 --- a/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py +++ b/tests/test_data/test_pipelines/test_augmentations/test_transforms_3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import pytest diff --git a/tests/test_data/test_pipelines/test_indoor_pipeline.py b/tests/test_data/test_pipelines/test_indoor_pipeline.py index 058c8aff5c..0a59f1f220 100644 --- a/tests/test_data/test_pipelines/test_indoor_pipeline.py +++ b/tests/test_data/test_pipelines/test_indoor_pipeline.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import torch diff --git a/tests/test_data/test_pipelines/test_indoor_sample.py b/tests/test_data/test_pipelines/test_indoor_sample.py index b1144d19c2..d8ce10006e 100644 --- a/tests/test_data/test_pipelines/test_indoor_sample.py +++ b/tests/test_data/test_pipelines/test_indoor_sample.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from mmdet3d.core.points import DepthPoints diff --git a/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py b/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py index 9c227160e9..925c9497d5 100644 --- a/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py +++ b/tests/test_data/test_pipelines/test_loadings/test_load_images_from_multi_views.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch from mmcv.parallel import DataContainer diff --git a/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py b/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py index 9bcbeac6d2..88d8b32773 100644 --- a/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py +++ b/tests/test_data/test_pipelines/test_loadings/test_load_points_from_multi_sweeps.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from mmdet3d.core.points import LiDARPoints diff --git a/tests/test_data/test_pipelines/test_loadings/test_loading.py b/tests/test_data/test_pipelines/test_loadings/test_loading.py index 8ff429aaad..f360da2748 100644 --- a/tests/test_data/test_pipelines/test_loadings/test_loading.py +++ b/tests/test_data/test_pipelines/test_loadings/test_loading.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import pytest diff --git a/tests/test_data/test_pipelines/test_outdoor_pipeline.py b/tests/test_data/test_pipelines/test_outdoor_pipeline.py index 48febd3bfc..fb6b9c1050 100644 --- a/tests/test_data/test_pipelines/test_outdoor_pipeline.py +++ b/tests/test_data/test_pipelines/test_outdoor_pipeline.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/tests/test_metrics/test_indoor_eval.py b/tests/test_metrics/test_indoor_eval.py index 2c6defcf74..2842c588b6 100644 --- a/tests/test_metrics/test_indoor_eval.py +++ b/tests/test_metrics/test_indoor_eval.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_metrics/test_kitti_eval.py b/tests/test_metrics/test_kitti_eval.py index e671cabd48..7405e6b0a5 100644 --- a/tests/test_metrics/test_kitti_eval.py +++ b/tests/test_metrics/test_kitti_eval.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_metrics/test_losses.py b/tests/test_metrics/test_losses.py index ef24128c9d..08cdb6275c 100644 --- a/tests/test_metrics/test_losses.py +++ b/tests/test_metrics/test_losses.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch from torch import nn as nn diff --git a/tests/test_metrics/test_seg_eval.py b/tests/test_metrics/test_seg_eval.py index f921c9e3e1..193fc89ade 100644 --- a/tests/test_metrics/test_seg_eval.py +++ b/tests/test_metrics/test_seg_eval.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_models/test_backbones.py b/tests/test_models/test_backbones.py index b8a13959e0..6a3d2cb422 100644 --- a/tests/test_models/test_backbones.py +++ b/tests/test_models/test_backbones.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_models/test_common_modules/test_middle_encoders.py b/tests/test_models/test_common_modules/test_middle_encoders.py index 28dfc77e02..df9bbf2adc 100644 --- a/tests/test_models/test_common_modules/test_middle_encoders.py +++ b/tests/test_models/test_common_modules/test_middle_encoders.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_models/test_common_modules/test_paconv_modules.py b/tests/test_models/test_common_modules/test_paconv_modules.py index cb69bac8b8..2ca12744ef 100644 --- a/tests/test_models/test_common_modules/test_paconv_modules.py +++ b/tests/test_models/test_common_modules/test_paconv_modules.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_models/test_common_modules/test_paconv_ops.py b/tests/test_models/test_common_modules/test_paconv_ops.py index 6add7359db..9c2d7f420e 100644 --- a/tests/test_models/test_common_modules/test_paconv_ops.py +++ b/tests/test_models/test_common_modules/test_paconv_ops.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_models/test_common_modules/test_pointnet_modules.py b/tests/test_models/test_common_modules/test_pointnet_modules.py index 929893b354..a3a96cbea7 100644 --- a/tests/test_models/test_common_modules/test_pointnet_modules.py +++ b/tests/test_models/test_common_modules/test_pointnet_modules.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_models/test_common_modules/test_pointnet_ops.py b/tests/test_models/test_common_modules/test_pointnet_ops.py index a8f4ef106a..095c2d01ca 100644 --- a/tests/test_models/test_common_modules/test_pointnet_ops.py +++ b/tests/test_models/test_common_modules/test_pointnet_ops.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_models/test_common_modules/test_roiaware_pool3d.py b/tests/test_models/test_common_modules/test_roiaware_pool3d.py index 5b40decf86..c36bc3b26a 100644 --- a/tests/test_models/test_common_modules/test_roiaware_pool3d.py +++ b/tests/test_models/test_common_modules/test_roiaware_pool3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_models/test_common_modules/test_sparse_unet.py b/tests/test_models/test_common_modules/test_sparse_unet.py index 1a2d219b59..5685782949 100644 --- a/tests/test_models/test_common_modules/test_sparse_unet.py +++ b/tests/test_models/test_common_modules/test_sparse_unet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.ops import SparseBasicBlock diff --git a/tests/test_models/test_common_modules/test_vote_module.py b/tests/test_models/test_common_modules/test_vote_module.py index bf64866a80..30e6b93ca2 100644 --- a/tests/test_models/test_common_modules/test_vote_module.py +++ b/tests/test_models/test_common_modules/test_vote_module.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/tests/test_models/test_detectors.py b/tests/test_models/test_detectors.py index 204264e803..dc7a70812b 100644 --- a/tests/test_models/test_detectors.py +++ b/tests/test_models/test_detectors.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import numpy as np import pytest diff --git a/tests/test_models/test_forward.py b/tests/test_models/test_forward.py index aa8c5679d6..eabacc0928 100644 --- a/tests/test_models/test_forward.py +++ b/tests/test_models/test_forward.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. """Test model forward process. CommandLine: diff --git a/tests/test_models/test_fusion/test_fusion_coord_trans.py b/tests/test_models/test_fusion/test_fusion_coord_trans.py index 88c1cae5c1..4df63825d3 100644 --- a/tests/test_models/test_fusion/test_fusion_coord_trans.py +++ b/tests/test_models/test_fusion/test_fusion_coord_trans.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. """Tests coords transformation in fusion modules. CommandLine: diff --git a/tests/test_models/test_fusion/test_point_fusion.py b/tests/test_models/test_fusion/test_point_fusion.py index 31911b0ba1..d976a74d6b 100644 --- a/tests/test_models/test_fusion/test_point_fusion.py +++ b/tests/test_models/test_fusion/test_point_fusion.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. """Tests the core function of point fusion. CommandLine: diff --git a/tests/test_models/test_fusion/test_vote_fusion.py b/tests/test_models/test_fusion/test_vote_fusion.py index 47fa297e11..a4c2e05f25 100644 --- a/tests/test_models/test_fusion/test_vote_fusion.py +++ b/tests/test_models/test_fusion/test_vote_fusion.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. """Tests the core function of vote fusion. CommandLine: diff --git a/tests/test_models/test_heads/test_heads.py b/tests/test_models/test_heads/test_heads.py index c94e222471..01f1c09509 100644 --- a/tests/test_models/test_heads/test_heads.py +++ b/tests/test_models/test_heads/test_heads.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import numpy as np import pytest diff --git a/tests/test_models/test_heads/test_paconv_decode_head.py b/tests/test_models/test_heads/test_paconv_decode_head.py index 4b152100e2..e5e57c82ec 100644 --- a/tests/test_models/test_heads/test_paconv_decode_head.py +++ b/tests/test_models/test_heads/test_paconv_decode_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_models/test_heads/test_parta2_bbox_head.py b/tests/test_models/test_heads/test_parta2_bbox_head.py index 7ba5e7a5d8..c30d638b71 100644 --- a/tests/test_models/test_heads/test_parta2_bbox_head.py +++ b/tests/test_models/test_heads/test_parta2_bbox_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch from mmcv import Config diff --git a/tests/test_models/test_heads/test_pointnet2_decode_head.py b/tests/test_models/test_heads/test_pointnet2_decode_head.py index cc4b5afd6a..5e6e40f462 100644 --- a/tests/test_models/test_heads/test_pointnet2_decode_head.py +++ b/tests/test_models/test_heads/test_pointnet2_decode_head.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_models/test_heads/test_roi_extractors.py b/tests/test_models/test_heads/test_roi_extractors.py index 703cae3ba6..c6f21c3d8d 100644 --- a/tests/test_models/test_heads/test_roi_extractors.py +++ b/tests/test_models/test_heads/test_roi_extractors.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_models/test_heads/test_semantic_heads.py b/tests/test_models/test_heads/test_semantic_heads.py index b7ac069009..59f8a6b607 100644 --- a/tests/test_models/test_heads/test_semantic_heads.py +++ b/tests/test_models/test_heads/test_semantic_heads.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_models/test_necks/test_fpn.py b/tests/test_models/test_necks/test_fpn.py index 1b089a1ddb..a623ebf999 100644 --- a/tests/test_models/test_necks/test_fpn.py +++ b/tests/test_models/test_necks/test_fpn.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest diff --git a/tests/test_models/test_necks/test_necks.py b/tests/test_models/test_necks/test_necks.py index 960742ef68..1e48493cb8 100644 --- a/tests/test_models/test_necks/test_necks.py +++ b/tests/test_models/test_necks/test_necks.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_models/test_segmentors.py b/tests/test_models/test_segmentors.py index 3b46a86a4d..faff3f9515 100644 --- a/tests/test_models/test_segmentors.py +++ b/tests/test_models/test_segmentors.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import copy import numpy as np import pytest diff --git a/tests/test_models/test_voxel_encoder/test_dynamic_scatter.py b/tests/test_models/test_voxel_encoder/test_dynamic_scatter.py index dfb7c417a4..928c627998 100644 --- a/tests/test_models/test_voxel_encoder/test_dynamic_scatter.py +++ b/tests/test_models/test_voxel_encoder/test_dynamic_scatter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch from torch.autograd import gradcheck diff --git a/tests/test_models/test_voxel_encoder/test_voxel_encoders.py b/tests/test_models/test_voxel_encoder/test_voxel_encoders.py index f7503a8c34..9bee9c9fd9 100644 --- a/tests/test_models/test_voxel_encoder/test_voxel_encoders.py +++ b/tests/test_models/test_voxel_encoder/test_voxel_encoders.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.models.builder import build_voxel_encoder diff --git a/tests/test_models/test_voxel_encoder/test_voxel_generator.py b/tests/test_models/test_voxel_encoder/test_voxel_generator.py index a49caece5c..2f89aa90b7 100644 --- a/tests/test_models/test_voxel_encoder/test_voxel_generator.py +++ b/tests/test_models/test_voxel_encoder/test_voxel_generator.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from mmdet3d.core.voxel.voxel_generator import VoxelGenerator diff --git a/tests/test_models/test_voxel_encoder/test_voxelize.py b/tests/test_models/test_voxel_encoder/test_voxelize.py index 17ad127e9b..55899c55a9 100644 --- a/tests/test_models/test_voxel_encoder/test_voxelize.py +++ b/tests/test_models/test_voxel_encoder/test_voxelize.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_runtime/test_apis.py b/tests/test_runtime/test_apis.py index dc5e2c2dd5..be1f555457 100644 --- a/tests/test_runtime/test_apis.py +++ b/tests/test_runtime/test_apis.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import os import pytest diff --git a/tests/test_runtime/test_config.py b/tests/test_runtime/test_config.py index e1ce39a11d..a1950e283b 100644 --- a/tests/test_runtime/test_config.py +++ b/tests/test_runtime/test_config.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from os.path import dirname, exists, join, relpath diff --git a/tests/test_utils/test_anchors.py b/tests/test_utils/test_anchors.py index eb6172d6d7..cb98d74fd0 100644 --- a/tests/test_utils/test_anchors.py +++ b/tests/test_utils/test_anchors.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. """ CommandLine: pytest tests/test_utils/test_anchor.py diff --git a/tests/test_utils/test_assigners.py b/tests/test_utils/test_assigners.py index 38e58bfe47..a2e910edeb 100644 --- a/tests/test_utils/test_assigners.py +++ b/tests/test_utils/test_assigners.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. """Tests the Assigner objects. CommandLine: diff --git a/tests/test_utils/test_bbox_coders.py b/tests/test_utils/test_bbox_coders.py index 5ba9fbfb28..7c836a87f5 100644 --- a/tests/test_utils/test_bbox_coders.py +++ b/tests/test_utils/test_bbox_coders.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.core.bbox import DepthInstance3DBoxes, LiDARInstance3DBoxes diff --git a/tests/test_utils/test_box3d.py b/tests/test_utils/test_box3d.py index 8bcf12b46b..b78883290c 100644 --- a/tests/test_utils/test_box3d.py +++ b/tests/test_utils/test_box3d.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_utils/test_box_np_ops.py b/tests/test_utils/test_box_np_ops.py index 9825d547e5..77924b1c03 100644 --- a/tests/test_utils/test_box_np_ops.py +++ b/tests/test_utils/test_box_np_ops.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np diff --git a/tests/test_utils/test_coord_3d_mode.py b/tests/test_utils/test_coord_3d_mode.py index ea1f2e3a8f..68703431d2 100644 --- a/tests/test_utils/test_coord_3d_mode.py +++ b/tests/test_utils/test_coord_3d_mode.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/tests/test_utils/test_merge_augs.py b/tests/test_utils/test_merge_augs.py index 555fe283db..79ae16c7ba 100644 --- a/tests/test_utils/test_merge_augs.py +++ b/tests/test_utils/test_merge_augs.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import pytest import torch diff --git a/tests/test_utils/test_nms.py b/tests/test_utils/test_nms.py index 6802bcc2b2..aca33f87f1 100644 --- a/tests/test_utils/test_nms.py +++ b/tests/test_utils/test_nms.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/tests/test_utils/test_points.py b/tests/test_utils/test_points.py index aaa4325623..5376ffe8bd 100644 --- a/tests/test_utils/test_points.py +++ b/tests/test_utils/test_points.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import pytest import torch diff --git a/tests/test_utils/test_samplers.py b/tests/test_utils/test_samplers.py index a628221746..236a6bd4fe 100644 --- a/tests/test_utils/test_samplers.py +++ b/tests/test_utils/test_samplers.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import pytest import torch diff --git a/tests/test_utils/test_utils.py b/tests/test_utils/test_utils.py index 7493dc83e5..2283efb329 100644 --- a/tests/test_utils/test_utils.py +++ b/tests/test_utils/test_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import torch from mmdet3d.core import draw_heatmap_gaussian diff --git a/tools/analysis_tools/analyze_logs.py b/tools/analysis_tools/analyze_logs.py index 4d4ea7c4cb..806175f34c 100644 --- a/tools/analysis_tools/analyze_logs.py +++ b/tools/analysis_tools/analyze_logs.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import json import numpy as np diff --git a/tools/analysis_tools/benchmark.py b/tools/analysis_tools/benchmark.py index 748fe48537..17c9dd35f1 100644 --- a/tools/analysis_tools/benchmark.py +++ b/tools/analysis_tools/benchmark.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import time import torch diff --git a/tools/analysis_tools/get_flops.py b/tools/analysis_tools/get_flops.py index 3b096b0901..de364980c3 100644 --- a/tools/analysis_tools/get_flops.py +++ b/tools/analysis_tools/get_flops.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import torch from mmcv import Config, DictAction diff --git a/tools/create_data.py b/tools/create_data.py index b761f3e377..62fe4990c0 100644 --- a/tools/create_data.py +++ b/tools/create_data.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse from os import path as osp diff --git a/tools/data_converter/__init__.py b/tools/data_converter/__init__.py index e69de29bb2..ef101fec61 100644 --- a/tools/data_converter/__init__.py +++ b/tools/data_converter/__init__.py @@ -0,0 +1 @@ +# Copyright (c) OpenMMLab. All rights reserved. diff --git a/tools/data_converter/create_gt_database.py b/tools/data_converter/create_gt_database.py index 5f6df3ab49..7317cedd08 100644 --- a/tools/data_converter/create_gt_database.py +++ b/tools/data_converter/create_gt_database.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import pickle diff --git a/tools/data_converter/indoor_converter.py b/tools/data_converter/indoor_converter.py index b408bd017d..4072397605 100644 --- a/tools/data_converter/indoor_converter.py +++ b/tools/data_converter/indoor_converter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import os diff --git a/tools/data_converter/kitti_converter.py b/tools/data_converter/kitti_converter.py index 68a96e618a..eb15aeb46a 100644 --- a/tools/data_converter/kitti_converter.py +++ b/tools/data_converter/kitti_converter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np from collections import OrderedDict diff --git a/tools/data_converter/kitti_data_utils.py b/tools/data_converter/kitti_data_utils.py index e456260f2d..01538e065b 100644 --- a/tools/data_converter/kitti_data_utils.py +++ b/tools/data_converter/kitti_data_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import numpy as np from collections import OrderedDict from concurrent import futures as futures diff --git a/tools/data_converter/lyft_converter.py b/tools/data_converter/lyft_converter.py index 7d4517fda7..88b5800d57 100644 --- a/tools/data_converter/lyft_converter.py +++ b/tools/data_converter/lyft_converter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import os diff --git a/tools/data_converter/lyft_data_fixer.py b/tools/data_converter/lyft_data_fixer.py index 629c8e075e..42070490ca 100644 --- a/tools/data_converter/lyft_data_fixer.py +++ b/tools/data_converter/lyft_data_fixer.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import numpy as np import os diff --git a/tools/data_converter/nuimage_converter.py b/tools/data_converter/nuimage_converter.py index 561eecfd8b..92be1de3db 100644 --- a/tools/data_converter/nuimage_converter.py +++ b/tools/data_converter/nuimage_converter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import base64 import mmcv diff --git a/tools/data_converter/nuscenes_converter.py b/tools/data_converter/nuscenes_converter.py index f585a11969..a6ebdbba9c 100644 --- a/tools/data_converter/nuscenes_converter.py +++ b/tools/data_converter/nuscenes_converter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import os diff --git a/tools/data_converter/s3dis_data_utils.py b/tools/data_converter/s3dis_data_utils.py index f144692847..d2b6b773e9 100644 --- a/tools/data_converter/s3dis_data_utils.py +++ b/tools/data_converter/s3dis_data_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import os diff --git a/tools/data_converter/scannet_data_utils.py b/tools/data_converter/scannet_data_utils.py index 0b4bc64391..a437fe01ce 100644 --- a/tools/data_converter/scannet_data_utils.py +++ b/tools/data_converter/scannet_data_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np import os diff --git a/tools/data_converter/sunrgbd_data_utils.py b/tools/data_converter/sunrgbd_data_utils.py index 7d2995b93c..9f8a502e90 100644 --- a/tools/data_converter/sunrgbd_data_utils.py +++ b/tools/data_converter/sunrgbd_data_utils.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import mmcv import numpy as np from concurrent import futures as futures diff --git a/tools/data_converter/waymo_converter.py b/tools/data_converter/waymo_converter.py index 3d4105fbff..fc2ae013b5 100644 --- a/tools/data_converter/waymo_converter.py +++ b/tools/data_converter/waymo_converter.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. r"""Adapted from `Waymo to KITTI converter `_. """ diff --git a/tools/misc/browse_dataset.py b/tools/misc/browse_dataset.py index a7bbf476e0..e3419f66df 100644 --- a/tools/misc/browse_dataset.py +++ b/tools/misc/browse_dataset.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import numpy as np import warnings diff --git a/tools/misc/fuse_conv_bn.py b/tools/misc/fuse_conv_bn.py index 8ebfc837e8..d4e22018d6 100644 --- a/tools/misc/fuse_conv_bn.py +++ b/tools/misc/fuse_conv_bn.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import torch from mmcv.runner import save_checkpoint diff --git a/tools/misc/print_config.py b/tools/misc/print_config.py index dc1015c331..3100fc324b 100644 --- a/tools/misc/print_config.py +++ b/tools/misc/print_config.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse from mmcv import Config, DictAction diff --git a/tools/misc/visualize_results.py b/tools/misc/visualize_results.py index cd820dd33b..302adc50ec 100644 --- a/tools/misc/visualize_results.py +++ b/tools/misc/visualize_results.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import mmcv from mmcv import Config diff --git a/tools/model_converters/convert_votenet_checkpoints.py b/tools/model_converters/convert_votenet_checkpoints.py index 15db9ac02d..33792b00dd 100644 --- a/tools/model_converters/convert_votenet_checkpoints.py +++ b/tools/model_converters/convert_votenet_checkpoints.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import tempfile import torch diff --git a/tools/model_converters/publish_model.py b/tools/model_converters/publish_model.py index 39795f14a5..318fd46a65 100644 --- a/tools/model_converters/publish_model.py +++ b/tools/model_converters/publish_model.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import subprocess import torch diff --git a/tools/model_converters/regnet2mmdet.py b/tools/model_converters/regnet2mmdet.py index 51f77ff7fc..9dee3c878a 100644 --- a/tools/model_converters/regnet2mmdet.py +++ b/tools/model_converters/regnet2mmdet.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import torch from collections import OrderedDict diff --git a/tools/test.py b/tools/test.py index 0815be97c8..a8eca66200 100644 --- a/tools/test.py +++ b/tools/test.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. import argparse import mmcv import os diff --git a/tools/train.py b/tools/train.py index 622dbf6781..ec16c0004d 100644 --- a/tools/train.py +++ b/tools/train.py @@ -1,3 +1,4 @@ +# Copyright (c) OpenMMLab. All rights reserved. from __future__ import division import argparse From 409b2dce0c21b38322e8f2d1f48c930639346d06 Mon Sep 17 00:00:00 2001 From: "hudingchang.vendor" Date: Tue, 17 Aug 2021 16:09:38 +0800 Subject: [PATCH 2/4] Add header for files --- mmdet3d/ops/ball_query/src/ball_query.cpp | 1 + mmdet3d/ops/ball_query/src/ball_query_cuda.cu | 1 + mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp | 1 + .../ops/furthest_point_sample/src/furthest_point_sample_cuda.cu | 1 + mmdet3d/ops/gather_points/src/gather_points.cpp | 1 + mmdet3d/ops/gather_points/src/gather_points_cuda.cu | 1 + mmdet3d/ops/group_points/src/group_points.cpp | 1 + mmdet3d/ops/group_points/src/group_points_cuda.cu | 1 + mmdet3d/ops/interpolate/src/interpolate.cpp | 1 + mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu | 1 + mmdet3d/ops/interpolate/src/three_nn_cuda.cu | 1 + mmdet3d/ops/iou3d/src/iou3d.cpp | 1 + mmdet3d/ops/iou3d/src/iou3d_kernel.cu | 1 + mmdet3d/ops/knn/src/knn.cpp | 1 + mmdet3d/ops/knn/src/knn_cuda.cu | 1 + mmdet3d/ops/paconv/src/assign_score_withk.cpp | 1 + mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu | 1 + mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp | 1 + mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu | 1 + mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp | 1 + mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu | 1 + mmdet3d/ops/spconv/include/spconv/mp_helper.h | 1 + mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h | 1 + mmdet3d/ops/spconv/include/tensorview/helper_launch.h | 1 + mmdet3d/ops/voxel/src/scatter_points_cpu.cpp | 1 + mmdet3d/ops/voxel/src/scatter_points_cuda.cu | 1 + mmdet3d/ops/voxel/src/voxelization.cpp | 1 + mmdet3d/ops/voxel/src/voxelization.h | 1 + mmdet3d/ops/voxel/src/voxelization_cpu.cpp | 1 + mmdet3d/ops/voxel/src/voxelization_cuda.cu | 1 + 30 files changed, 30 insertions(+) diff --git a/mmdet3d/ops/ball_query/src/ball_query.cpp b/mmdet3d/ops/ball_query/src/ball_query.cpp index 6e9d5f75a9..d11655640c 100644 --- a/mmdet3d/ops/ball_query/src/ball_query.cpp +++ b/mmdet3d/ops/ball_query/src/ball_query.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/ball_query.cpp diff --git a/mmdet3d/ops/ball_query/src/ball_query_cuda.cu b/mmdet3d/ops/ball_query/src/ball_query_cuda.cu index d18e0192d0..994f380473 100644 --- a/mmdet3d/ops/ball_query/src/ball_query_cuda.cu +++ b/mmdet3d/ops/ball_query/src/ball_query_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/ball_query_gpu.cu diff --git a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp index be05890274..2108ccded6 100644 --- a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp +++ b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/sampling.cpp diff --git a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu index 6e09709f7c..5406727c4c 100644 --- a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu +++ b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/sampling_gpu.cu diff --git a/mmdet3d/ops/gather_points/src/gather_points.cpp b/mmdet3d/ops/gather_points/src/gather_points.cpp index 01a3e4046f..5b26e05943 100644 --- a/mmdet3d/ops/gather_points/src/gather_points.cpp +++ b/mmdet3d/ops/gather_points/src/gather_points.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #include #include #include diff --git a/mmdet3d/ops/gather_points/src/gather_points_cuda.cu b/mmdet3d/ops/gather_points/src/gather_points_cuda.cu index c93f6436d2..967c1cfa3c 100644 --- a/mmdet3d/ops/gather_points/src/gather_points_cuda.cu +++ b/mmdet3d/ops/gather_points/src/gather_points_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #include #include diff --git a/mmdet3d/ops/group_points/src/group_points.cpp b/mmdet3d/ops/group_points/src/group_points.cpp index 3cd6fc84e2..48b4690e6e 100644 --- a/mmdet3d/ops/group_points/src/group_points.cpp +++ b/mmdet3d/ops/group_points/src/group_points.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/group_points.cpp diff --git a/mmdet3d/ops/group_points/src/group_points_cuda.cu b/mmdet3d/ops/group_points/src/group_points_cuda.cu index e94ce378cb..8bc98f28a2 100644 --- a/mmdet3d/ops/group_points/src/group_points_cuda.cu +++ b/mmdet3d/ops/group_points/src/group_points_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/group_points_gpu.cu diff --git a/mmdet3d/ops/interpolate/src/interpolate.cpp b/mmdet3d/ops/interpolate/src/interpolate.cpp index 6382579b38..a0a2bd8034 100644 --- a/mmdet3d/ops/interpolate/src/interpolate.cpp +++ b/mmdet3d/ops/interpolate/src/interpolate.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/interpolate.cpp diff --git a/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu b/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu index 4789d8ba3c..f1a1ba1d97 100644 --- a/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu +++ b/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/interpolate_gpu.cu diff --git a/mmdet3d/ops/interpolate/src/three_nn_cuda.cu b/mmdet3d/ops/interpolate/src/three_nn_cuda.cu index 21796fcfc5..5dbfe20b5a 100644 --- a/mmdet3d/ops/interpolate/src/three_nn_cuda.cu +++ b/mmdet3d/ops/interpolate/src/three_nn_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/interpolate_gpu.cu diff --git a/mmdet3d/ops/iou3d/src/iou3d.cpp b/mmdet3d/ops/iou3d/src/iou3d.cpp index 25a5cd98f1..6650e41802 100644 --- a/mmdet3d/ops/iou3d/src/iou3d.cpp +++ b/mmdet3d/ops/iou3d/src/iou3d.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/open-mmlab/OpenPCDet/blob/master/pcdet/ops/iou3d_nms/src/iou3d_nms.cpp diff --git a/mmdet3d/ops/iou3d/src/iou3d_kernel.cu b/mmdet3d/ops/iou3d/src/iou3d_kernel.cu index 861aea3c5a..2311afcd86 100644 --- a/mmdet3d/ops/iou3d/src/iou3d_kernel.cu +++ b/mmdet3d/ops/iou3d/src/iou3d_kernel.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/open-mmlab/OpenPCDet/blob/master/pcdet/ops/iou3d_nms/src/iou3d_nms_kernel.cu diff --git a/mmdet3d/ops/knn/src/knn.cpp b/mmdet3d/ops/knn/src/knn.cpp index 84ddf4b8a2..c8b258d343 100644 --- a/mmdet3d/ops/knn/src/knn.cpp +++ b/mmdet3d/ops/knn/src/knn.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/pointops/src/knnquery_heap #include diff --git a/mmdet3d/ops/knn/src/knn_cuda.cu b/mmdet3d/ops/knn/src/knn_cuda.cu index 1e020ca4ab..1293512845 100644 --- a/mmdet3d/ops/knn/src/knn_cuda.cu +++ b/mmdet3d/ops/knn/src/knn_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/pointops/src/knnquery_heap #include diff --git a/mmdet3d/ops/paconv/src/assign_score_withk.cpp b/mmdet3d/ops/paconv/src/assign_score_withk.cpp index a568d4d0b6..e636bcaa55 100644 --- a/mmdet3d/ops/paconv/src/assign_score_withk.cpp +++ b/mmdet3d/ops/paconv/src/assign_score_withk.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/paconv_lib/src/gpu #include diff --git a/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu b/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu index 7ae56f24b2..4b1ef6312c 100644 --- a/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu +++ b/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/paconv_lib/src/gpu #include diff --git a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp index a26ffb62bb..b5b1687e39 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp +++ b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu index 896b316e69..823acf924b 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu +++ b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp index cd743b18bb..d9714a0424 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp +++ b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu index 312b35dcbf..2eb3b4a1e9 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu +++ b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/spconv/include/spconv/mp_helper.h b/mmdet3d/ops/spconv/include/spconv/mp_helper.h index 054aa39c28..b0e893a19c 100644 --- a/mmdet3d/ops/spconv/include/spconv/mp_helper.h +++ b/mmdet3d/ops/spconv/include/spconv/mp_helper.h @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #ifndef MP_HELPER_H_ #define MP_HELPER_H_ #include diff --git a/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h b/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h index dbfa006fe0..74ee6706f9 100644 --- a/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h +++ b/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #pragma once // from tensorflow namespace tv { diff --git a/mmdet3d/ops/spconv/include/tensorview/helper_launch.h b/mmdet3d/ops/spconv/include/tensorview/helper_launch.h index fa349c0871..c8b3b0172f 100644 --- a/mmdet3d/ops/spconv/include/tensorview/helper_launch.h +++ b/mmdet3d/ops/spconv/include/tensorview/helper_launch.h @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #pragma once // from pytorch.aten #include "tensorview.h" diff --git a/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp b/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp index c22b8aeda6..ca51607575 100644 --- a/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp +++ b/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #include #include // #include "voxelization.h" diff --git a/mmdet3d/ops/voxel/src/scatter_points_cuda.cu b/mmdet3d/ops/voxel/src/scatter_points_cuda.cu index ea17e9f63f..bccd45eec6 100644 --- a/mmdet3d/ops/voxel/src/scatter_points_cuda.cu +++ b/mmdet3d/ops/voxel/src/scatter_points_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #include #include #include diff --git a/mmdet3d/ops/voxel/src/voxelization.cpp b/mmdet3d/ops/voxel/src/voxelization.cpp index f83348e31a..817f208d52 100644 --- a/mmdet3d/ops/voxel/src/voxelization.cpp +++ b/mmdet3d/ops/voxel/src/voxelization.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #include #include "voxelization.h" diff --git a/mmdet3d/ops/voxel/src/voxelization.h b/mmdet3d/ops/voxel/src/voxelization.h index 47df1d34ec..d7c8b9413e 100644 --- a/mmdet3d/ops/voxel/src/voxelization.h +++ b/mmdet3d/ops/voxel/src/voxelization.h @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #pragma once #include diff --git a/mmdet3d/ops/voxel/src/voxelization_cpu.cpp b/mmdet3d/ops/voxel/src/voxelization_cpu.cpp index 6bcec4019c..470dce7b6c 100644 --- a/mmdet3d/ops/voxel/src/voxelization_cpu.cpp +++ b/mmdet3d/ops/voxel/src/voxelization_cpu.cpp @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #include #include // #include "voxelization.h" diff --git a/mmdet3d/ops/voxel/src/voxelization_cuda.cu b/mmdet3d/ops/voxel/src/voxelization_cuda.cu index 2af00075b5..a67c89d3ad 100644 --- a/mmdet3d/ops/voxel/src/voxelization_cuda.cu +++ b/mmdet3d/ops/voxel/src/voxelization_cuda.cu @@ -1,3 +1,4 @@ +// Copyright (c) OpenMMLab. All rights reserved. #include #include #include From d82bda9b95bf4fafb980591393e8e4778286bd26 Mon Sep 17 00:00:00 2001 From: "hudingchang.vendor" Date: Tue, 17 Aug 2021 16:51:19 +0800 Subject: [PATCH 3/4] Add header for files --- docs/stat.py | 1 - docs_zh-CN/stat.py | 1 - 2 files changed, 2 deletions(-) diff --git a/docs/stat.py b/docs/stat.py index a58cb8e0dd..68a945b3d8 100755 --- a/docs/stat.py +++ b/docs/stat.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. #!/usr/bin/env python import functools as func import glob diff --git a/docs_zh-CN/stat.py b/docs_zh-CN/stat.py index a58cb8e0dd..68a945b3d8 100755 --- a/docs_zh-CN/stat.py +++ b/docs_zh-CN/stat.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. #!/usr/bin/env python import functools as func import glob From 95240a4e117542518119fa3e486855fb7890f297 Mon Sep 17 00:00:00 2001 From: "hudingchang.vendor" Date: Tue, 17 Aug 2021 22:16:38 +0800 Subject: [PATCH 4/4] Add header for files --- data/s3dis/collect_indoor3d_data.py | 1 - data/s3dis/indoor3d_util.py | 1 - data/scannet/extract_posed_images.py | 1 - docs/conf.py | 1 - docs_zh-CN/conf.py | 1 - mmdet3d/ops/ball_query/__init__.py | 1 - mmdet3d/ops/ball_query/ball_query.py | 1 - mmdet3d/ops/ball_query/src/ball_query.cpp | 1 - mmdet3d/ops/ball_query/src/ball_query_cuda.cu | 1 - mmdet3d/ops/furthest_point_sample/__init__.py | 1 - mmdet3d/ops/furthest_point_sample/furthest_point_sample.py | 1 - mmdet3d/ops/furthest_point_sample/points_sampler.py | 1 - mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp | 1 - .../ops/furthest_point_sample/src/furthest_point_sample_cuda.cu | 1 - mmdet3d/ops/furthest_point_sample/utils.py | 1 - mmdet3d/ops/gather_points/__init__.py | 1 - mmdet3d/ops/gather_points/gather_points.py | 1 - mmdet3d/ops/gather_points/src/gather_points.cpp | 1 - mmdet3d/ops/gather_points/src/gather_points_cuda.cu | 1 - mmdet3d/ops/group_points/__init__.py | 1 - mmdet3d/ops/group_points/group_points.py | 1 - mmdet3d/ops/group_points/src/group_points.cpp | 1 - mmdet3d/ops/group_points/src/group_points_cuda.cu | 1 - mmdet3d/ops/interpolate/__init__.py | 1 - mmdet3d/ops/interpolate/src/interpolate.cpp | 1 - mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu | 1 - mmdet3d/ops/interpolate/src/three_nn_cuda.cu | 1 - mmdet3d/ops/interpolate/three_interpolate.py | 1 - mmdet3d/ops/interpolate/three_nn.py | 1 - mmdet3d/ops/iou3d/__init__.py | 1 - mmdet3d/ops/iou3d/iou3d_utils.py | 1 - mmdet3d/ops/iou3d/src/iou3d.cpp | 1 - mmdet3d/ops/iou3d/src/iou3d_kernel.cu | 1 - mmdet3d/ops/knn/__init__.py | 1 - mmdet3d/ops/knn/knn.py | 1 - mmdet3d/ops/knn/src/knn.cpp | 1 - mmdet3d/ops/knn/src/knn_cuda.cu | 1 - mmdet3d/ops/norm.py | 1 - mmdet3d/ops/paconv/__init__.py | 1 - mmdet3d/ops/paconv/assign_score.py | 1 - mmdet3d/ops/paconv/paconv.py | 1 - mmdet3d/ops/paconv/src/assign_score_withk.cpp | 1 - mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu | 1 - mmdet3d/ops/paconv/utils.py | 1 - mmdet3d/ops/roiaware_pool3d/__init__.py | 1 - mmdet3d/ops/roiaware_pool3d/points_in_boxes.py | 1 - mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py | 1 - mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp | 1 - mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu | 1 - mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp | 1 - mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu | 1 - mmdet3d/ops/spconv/include/spconv/mp_helper.h | 1 - mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h | 1 - mmdet3d/ops/spconv/include/tensorview/helper_launch.h | 1 - mmdet3d/ops/spconv/structure.py | 1 - mmdet3d/ops/voxel/__init__.py | 1 - mmdet3d/ops/voxel/scatter_points.py | 1 - mmdet3d/ops/voxel/src/scatter_points_cpu.cpp | 1 - mmdet3d/ops/voxel/src/scatter_points_cuda.cu | 1 - mmdet3d/ops/voxel/src/voxelization.cpp | 1 - mmdet3d/ops/voxel/src/voxelization.h | 1 - mmdet3d/ops/voxel/src/voxelization_cpu.cpp | 1 - mmdet3d/ops/voxel/src/voxelization_cuda.cu | 1 - 63 files changed, 63 deletions(-) diff --git a/data/s3dis/collect_indoor3d_data.py b/data/s3dis/collect_indoor3d_data.py index 0d35fdb1bf..3dc4a05fd5 100644 --- a/data/s3dis/collect_indoor3d_data.py +++ b/data/s3dis/collect_indoor3d_data.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import argparse import mmcv from indoor3d_util import export diff --git a/data/s3dis/indoor3d_util.py b/data/s3dis/indoor3d_util.py index e97b166c7d..a500a1d4e0 100644 --- a/data/s3dis/indoor3d_util.py +++ b/data/s3dis/indoor3d_util.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import glob import numpy as np from os import path as osp diff --git a/data/scannet/extract_posed_images.py b/data/scannet/extract_posed_images.py index c1c3841344..7018f32d11 100644 --- a/data/scannet/extract_posed_images.py +++ b/data/scannet/extract_posed_images.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. # Modified from https://github.com/ScanNet/ScanNet/blob/master/SensReader/python/SensorData.py # noqa import imageio import mmcv diff --git a/docs/conf.py b/docs/conf.py index 70e90a2c1e..77d1f9548a 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. # Configuration file for the Sphinx documentation builder. # # This file only contains a selection of the most common options. For a full diff --git a/docs_zh-CN/conf.py b/docs_zh-CN/conf.py index 70e90a2c1e..77d1f9548a 100644 --- a/docs_zh-CN/conf.py +++ b/docs_zh-CN/conf.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. # Configuration file for the Sphinx documentation builder. # # This file only contains a selection of the most common options. For a full diff --git a/mmdet3d/ops/ball_query/__init__.py b/mmdet3d/ops/ball_query/__init__.py index 2e4704259b..5e7937cad9 100644 --- a/mmdet3d/ops/ball_query/__init__.py +++ b/mmdet3d/ops/ball_query/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .ball_query import ball_query __all__ = ['ball_query'] diff --git a/mmdet3d/ops/ball_query/ball_query.py b/mmdet3d/ops/ball_query/ball_query.py index 3d6ffeddd0..bae81ad29c 100644 --- a/mmdet3d/ops/ball_query/ball_query.py +++ b/mmdet3d/ops/ball_query/ball_query.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/ball_query/src/ball_query.cpp b/mmdet3d/ops/ball_query/src/ball_query.cpp index d11655640c..6e9d5f75a9 100644 --- a/mmdet3d/ops/ball_query/src/ball_query.cpp +++ b/mmdet3d/ops/ball_query/src/ball_query.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/ball_query.cpp diff --git a/mmdet3d/ops/ball_query/src/ball_query_cuda.cu b/mmdet3d/ops/ball_query/src/ball_query_cuda.cu index 994f380473..d18e0192d0 100644 --- a/mmdet3d/ops/ball_query/src/ball_query_cuda.cu +++ b/mmdet3d/ops/ball_query/src/ball_query_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/ball_query_gpu.cu diff --git a/mmdet3d/ops/furthest_point_sample/__init__.py b/mmdet3d/ops/furthest_point_sample/__init__.py index 556af8a3ec..06d57d974f 100644 --- a/mmdet3d/ops/furthest_point_sample/__init__.py +++ b/mmdet3d/ops/furthest_point_sample/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .furthest_point_sample import (furthest_point_sample, furthest_point_sample_with_dist) from .points_sampler import Points_Sampler diff --git a/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py b/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py index cdf293bfb5..af53317810 100644 --- a/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py +++ b/mmdet3d/ops/furthest_point_sample/furthest_point_sample.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/furthest_point_sample/points_sampler.py b/mmdet3d/ops/furthest_point_sample/points_sampler.py index f761cbcbf9..9a3bd2ae42 100644 --- a/mmdet3d/ops/furthest_point_sample/points_sampler.py +++ b/mmdet3d/ops/furthest_point_sample/points_sampler.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.runner import force_fp32 from torch import nn as nn diff --git a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp index 2108ccded6..be05890274 100644 --- a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp +++ b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/sampling.cpp diff --git a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu index 5406727c4c..6e09709f7c 100644 --- a/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu +++ b/mmdet3d/ops/furthest_point_sample/src/furthest_point_sample_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/sampling_gpu.cu diff --git a/mmdet3d/ops/furthest_point_sample/utils.py b/mmdet3d/ops/furthest_point_sample/utils.py index c6709e6a0d..4ca235e13b 100644 --- a/mmdet3d/ops/furthest_point_sample/utils.py +++ b/mmdet3d/ops/furthest_point_sample/utils.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/mmdet3d/ops/gather_points/__init__.py b/mmdet3d/ops/gather_points/__init__.py index 51476dd72e..e8018ea879 100644 --- a/mmdet3d/ops/gather_points/__init__.py +++ b/mmdet3d/ops/gather_points/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .gather_points import gather_points __all__ = ['gather_points'] diff --git a/mmdet3d/ops/gather_points/gather_points.py b/mmdet3d/ops/gather_points/gather_points.py index f1051a73bd..8f109a0cbd 100644 --- a/mmdet3d/ops/gather_points/gather_points.py +++ b/mmdet3d/ops/gather_points/gather_points.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/gather_points/src/gather_points.cpp b/mmdet3d/ops/gather_points/src/gather_points.cpp index 5b26e05943..01a3e4046f 100644 --- a/mmdet3d/ops/gather_points/src/gather_points.cpp +++ b/mmdet3d/ops/gather_points/src/gather_points.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #include #include #include diff --git a/mmdet3d/ops/gather_points/src/gather_points_cuda.cu b/mmdet3d/ops/gather_points/src/gather_points_cuda.cu index 967c1cfa3c..c93f6436d2 100644 --- a/mmdet3d/ops/gather_points/src/gather_points_cuda.cu +++ b/mmdet3d/ops/gather_points/src/gather_points_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #include #include diff --git a/mmdet3d/ops/group_points/__init__.py b/mmdet3d/ops/group_points/__init__.py index a8bfefe831..7d8040a460 100644 --- a/mmdet3d/ops/group_points/__init__.py +++ b/mmdet3d/ops/group_points/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .group_points import GroupAll, QueryAndGroup, grouping_operation __all__ = ['QueryAndGroup', 'GroupAll', 'grouping_operation'] diff --git a/mmdet3d/ops/group_points/group_points.py b/mmdet3d/ops/group_points/group_points.py index 1ced225dce..88122a88d5 100644 --- a/mmdet3d/ops/group_points/group_points.py +++ b/mmdet3d/ops/group_points/group_points.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn as nn from torch.autograd import Function diff --git a/mmdet3d/ops/group_points/src/group_points.cpp b/mmdet3d/ops/group_points/src/group_points.cpp index 48b4690e6e..3cd6fc84e2 100644 --- a/mmdet3d/ops/group_points/src/group_points.cpp +++ b/mmdet3d/ops/group_points/src/group_points.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/group_points.cpp diff --git a/mmdet3d/ops/group_points/src/group_points_cuda.cu b/mmdet3d/ops/group_points/src/group_points_cuda.cu index 8bc98f28a2..e94ce378cb 100644 --- a/mmdet3d/ops/group_points/src/group_points_cuda.cu +++ b/mmdet3d/ops/group_points/src/group_points_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/group_points_gpu.cu diff --git a/mmdet3d/ops/interpolate/__init__.py b/mmdet3d/ops/interpolate/__init__.py index 7aded93c3d..cf44d98390 100644 --- a/mmdet3d/ops/interpolate/__init__.py +++ b/mmdet3d/ops/interpolate/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .three_interpolate import three_interpolate from .three_nn import three_nn diff --git a/mmdet3d/ops/interpolate/src/interpolate.cpp b/mmdet3d/ops/interpolate/src/interpolate.cpp index a0a2bd8034..6382579b38 100644 --- a/mmdet3d/ops/interpolate/src/interpolate.cpp +++ b/mmdet3d/ops/interpolate/src/interpolate.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/interpolate.cpp diff --git a/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu b/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu index f1a1ba1d97..4789d8ba3c 100644 --- a/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu +++ b/mmdet3d/ops/interpolate/src/three_interpolate_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/interpolate_gpu.cu diff --git a/mmdet3d/ops/interpolate/src/three_nn_cuda.cu b/mmdet3d/ops/interpolate/src/three_nn_cuda.cu index 5dbfe20b5a..21796fcfc5 100644 --- a/mmdet3d/ops/interpolate/src/three_nn_cuda.cu +++ b/mmdet3d/ops/interpolate/src/three_nn_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/Pointnet2.PyTorch/tree/master/pointnet2/src/interpolate_gpu.cu diff --git a/mmdet3d/ops/interpolate/three_interpolate.py b/mmdet3d/ops/interpolate/three_interpolate.py index 8fd8b3c685..233cb5d75b 100644 --- a/mmdet3d/ops/interpolate/three_interpolate.py +++ b/mmdet3d/ops/interpolate/three_interpolate.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function from typing import Tuple diff --git a/mmdet3d/ops/interpolate/three_nn.py b/mmdet3d/ops/interpolate/three_nn.py index d9b9fad8f3..6c174bd7b9 100644 --- a/mmdet3d/ops/interpolate/three_nn.py +++ b/mmdet3d/ops/interpolate/three_nn.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function from typing import Tuple diff --git a/mmdet3d/ops/iou3d/__init__.py b/mmdet3d/ops/iou3d/__init__.py index dd584e75dc..9c35fb7af3 100644 --- a/mmdet3d/ops/iou3d/__init__.py +++ b/mmdet3d/ops/iou3d/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .iou3d_utils import boxes_iou_bev, nms_gpu, nms_normal_gpu __all__ = ['boxes_iou_bev', 'nms_gpu', 'nms_normal_gpu'] diff --git a/mmdet3d/ops/iou3d/iou3d_utils.py b/mmdet3d/ops/iou3d/iou3d_utils.py index 2b9b41f184..6f36019e72 100644 --- a/mmdet3d/ops/iou3d/iou3d_utils.py +++ b/mmdet3d/ops/iou3d/iou3d_utils.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from . import iou3d_cuda diff --git a/mmdet3d/ops/iou3d/src/iou3d.cpp b/mmdet3d/ops/iou3d/src/iou3d.cpp index 6650e41802..25a5cd98f1 100644 --- a/mmdet3d/ops/iou3d/src/iou3d.cpp +++ b/mmdet3d/ops/iou3d/src/iou3d.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/open-mmlab/OpenPCDet/blob/master/pcdet/ops/iou3d_nms/src/iou3d_nms.cpp diff --git a/mmdet3d/ops/iou3d/src/iou3d_kernel.cu b/mmdet3d/ops/iou3d/src/iou3d_kernel.cu index 2311afcd86..861aea3c5a 100644 --- a/mmdet3d/ops/iou3d/src/iou3d_kernel.cu +++ b/mmdet3d/ops/iou3d/src/iou3d_kernel.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/open-mmlab/OpenPCDet/blob/master/pcdet/ops/iou3d_nms/src/iou3d_nms_kernel.cu diff --git a/mmdet3d/ops/knn/__init__.py b/mmdet3d/ops/knn/__init__.py index d756a84d6f..c8cb712b09 100644 --- a/mmdet3d/ops/knn/__init__.py +++ b/mmdet3d/ops/knn/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .knn import knn __all__ = ['knn'] diff --git a/mmdet3d/ops/knn/knn.py b/mmdet3d/ops/knn/knn.py index 33dee83626..f05bc75f88 100644 --- a/mmdet3d/ops/knn/knn.py +++ b/mmdet3d/ops/knn/knn.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch.autograd import Function diff --git a/mmdet3d/ops/knn/src/knn.cpp b/mmdet3d/ops/knn/src/knn.cpp index c8b258d343..84ddf4b8a2 100644 --- a/mmdet3d/ops/knn/src/knn.cpp +++ b/mmdet3d/ops/knn/src/knn.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/pointops/src/knnquery_heap #include diff --git a/mmdet3d/ops/knn/src/knn_cuda.cu b/mmdet3d/ops/knn/src/knn_cuda.cu index 1293512845..1e020ca4ab 100644 --- a/mmdet3d/ops/knn/src/knn_cuda.cu +++ b/mmdet3d/ops/knn/src/knn_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/pointops/src/knnquery_heap #include diff --git a/mmdet3d/ops/norm.py b/mmdet3d/ops/norm.py index daaf0d5092..e9db8fb579 100644 --- a/mmdet3d/ops/norm.py +++ b/mmdet3d/ops/norm.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from mmcv.cnn import NORM_LAYERS from mmcv.runner import force_fp32 diff --git a/mmdet3d/ops/paconv/__init__.py b/mmdet3d/ops/paconv/__init__.py index f723c14378..ab19d7c20f 100644 --- a/mmdet3d/ops/paconv/__init__.py +++ b/mmdet3d/ops/paconv/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .assign_score import assign_score_withk from .paconv import PAConv, PAConvCUDA diff --git a/mmdet3d/ops/paconv/assign_score.py b/mmdet3d/ops/paconv/assign_score.py index 9d00b7b6cf..3e3f6730da 100644 --- a/mmdet3d/ops/paconv/assign_score.py +++ b/mmdet3d/ops/paconv/assign_score.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from torch.autograd import Function from . import assign_score_withk_ext diff --git a/mmdet3d/ops/paconv/paconv.py b/mmdet3d/ops/paconv/paconv.py index 229a6093d5..3e401a49b8 100644 --- a/mmdet3d/ops/paconv/paconv.py +++ b/mmdet3d/ops/paconv/paconv.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import copy import torch from mmcv.cnn import (ConvModule, build_activation_layer, build_norm_layer, diff --git a/mmdet3d/ops/paconv/src/assign_score_withk.cpp b/mmdet3d/ops/paconv/src/assign_score_withk.cpp index e636bcaa55..a568d4d0b6 100644 --- a/mmdet3d/ops/paconv/src/assign_score_withk.cpp +++ b/mmdet3d/ops/paconv/src/assign_score_withk.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/paconv_lib/src/gpu #include diff --git a/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu b/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu index 4b1ef6312c..7ae56f24b2 100644 --- a/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu +++ b/mmdet3d/ops/paconv/src/assign_score_withk_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/CVMI-Lab/PAConv/tree/main/scene_seg/lib/paconv_lib/src/gpu #include diff --git a/mmdet3d/ops/paconv/utils.py b/mmdet3d/ops/paconv/utils.py index 772b64d52d..4441c86e20 100644 --- a/mmdet3d/ops/paconv/utils.py +++ b/mmdet3d/ops/paconv/utils.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch diff --git a/mmdet3d/ops/roiaware_pool3d/__init__.py b/mmdet3d/ops/roiaware_pool3d/__init__.py index eb7600a167..aba9e18d37 100644 --- a/mmdet3d/ops/roiaware_pool3d/__init__.py +++ b/mmdet3d/ops/roiaware_pool3d/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .points_in_boxes import (points_in_boxes_batch, points_in_boxes_cpu, points_in_boxes_gpu) from .roiaware_pool3d import RoIAwarePool3d diff --git a/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py b/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py index 06e8bdd676..f576fedcc5 100644 --- a/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py +++ b/mmdet3d/ops/roiaware_pool3d/points_in_boxes.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from . import roiaware_pool3d_ext diff --git a/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py b/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py index 32c00fcac7..231d718068 100644 --- a/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py +++ b/mmdet3d/ops/roiaware_pool3d/roiaware_pool3d.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import mmcv import torch from torch import nn as nn diff --git a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp index b5b1687e39..a26ffb62bb 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp +++ b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cpu.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu index 823acf924b..896b316e69 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu +++ b/mmdet3d/ops/roiaware_pool3d/src/points_in_boxes_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp index d9714a0424..cd743b18bb 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp +++ b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu index 2eb3b4a1e9..312b35dcbf 100644 --- a/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu +++ b/mmdet3d/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. // Modified from // https://github.com/sshaoshuai/PCDet/blob/master/pcdet/ops/roiaware_pool3d/src/roiaware_pool3d_kernel.cu // Written by Shaoshuai Shi diff --git a/mmdet3d/ops/spconv/include/spconv/mp_helper.h b/mmdet3d/ops/spconv/include/spconv/mp_helper.h index b0e893a19c..054aa39c28 100644 --- a/mmdet3d/ops/spconv/include/spconv/mp_helper.h +++ b/mmdet3d/ops/spconv/include/spconv/mp_helper.h @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #ifndef MP_HELPER_H_ #define MP_HELPER_H_ #include diff --git a/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h b/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h index 74ee6706f9..dbfa006fe0 100644 --- a/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h +++ b/mmdet3d/ops/spconv/include/tensorview/helper_kernel.cu.h @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #pragma once // from tensorflow namespace tv { diff --git a/mmdet3d/ops/spconv/include/tensorview/helper_launch.h b/mmdet3d/ops/spconv/include/tensorview/helper_launch.h index c8b3b0172f..fa349c0871 100644 --- a/mmdet3d/ops/spconv/include/tensorview/helper_launch.h +++ b/mmdet3d/ops/spconv/include/tensorview/helper_launch.h @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #pragma once // from pytorch.aten #include "tensorview.h" diff --git a/mmdet3d/ops/spconv/structure.py b/mmdet3d/ops/spconv/structure.py index d6e1d97c32..6e59af28ee 100644 --- a/mmdet3d/ops/spconv/structure.py +++ b/mmdet3d/ops/spconv/structure.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import numpy as np import torch diff --git a/mmdet3d/ops/voxel/__init__.py b/mmdet3d/ops/voxel/__init__.py index 4c35315fbd..a74fb63f9f 100644 --- a/mmdet3d/ops/voxel/__init__.py +++ b/mmdet3d/ops/voxel/__init__.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. from .scatter_points import DynamicScatter, dynamic_scatter from .voxelize import Voxelization, voxelization diff --git a/mmdet3d/ops/voxel/scatter_points.py b/mmdet3d/ops/voxel/scatter_points.py index ff14ca2cfd..faf44ad2fb 100644 --- a/mmdet3d/ops/voxel/scatter_points.py +++ b/mmdet3d/ops/voxel/scatter_points.py @@ -1,4 +1,3 @@ -# Copyright (c) OpenMMLab. All rights reserved. import torch from torch import nn from torch.autograd import Function diff --git a/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp b/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp index ca51607575..c22b8aeda6 100644 --- a/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp +++ b/mmdet3d/ops/voxel/src/scatter_points_cpu.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #include #include // #include "voxelization.h" diff --git a/mmdet3d/ops/voxel/src/scatter_points_cuda.cu b/mmdet3d/ops/voxel/src/scatter_points_cuda.cu index bccd45eec6..ea17e9f63f 100644 --- a/mmdet3d/ops/voxel/src/scatter_points_cuda.cu +++ b/mmdet3d/ops/voxel/src/scatter_points_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #include #include #include diff --git a/mmdet3d/ops/voxel/src/voxelization.cpp b/mmdet3d/ops/voxel/src/voxelization.cpp index 817f208d52..f83348e31a 100644 --- a/mmdet3d/ops/voxel/src/voxelization.cpp +++ b/mmdet3d/ops/voxel/src/voxelization.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #include #include "voxelization.h" diff --git a/mmdet3d/ops/voxel/src/voxelization.h b/mmdet3d/ops/voxel/src/voxelization.h index d7c8b9413e..47df1d34ec 100644 --- a/mmdet3d/ops/voxel/src/voxelization.h +++ b/mmdet3d/ops/voxel/src/voxelization.h @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #pragma once #include diff --git a/mmdet3d/ops/voxel/src/voxelization_cpu.cpp b/mmdet3d/ops/voxel/src/voxelization_cpu.cpp index 470dce7b6c..6bcec4019c 100644 --- a/mmdet3d/ops/voxel/src/voxelization_cpu.cpp +++ b/mmdet3d/ops/voxel/src/voxelization_cpu.cpp @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #include #include // #include "voxelization.h" diff --git a/mmdet3d/ops/voxel/src/voxelization_cuda.cu b/mmdet3d/ops/voxel/src/voxelization_cuda.cu index a67c89d3ad..2af00075b5 100644 --- a/mmdet3d/ops/voxel/src/voxelization_cuda.cu +++ b/mmdet3d/ops/voxel/src/voxelization_cuda.cu @@ -1,4 +1,3 @@ -// Copyright (c) OpenMMLab. All rights reserved. #include #include #include